diff --git a/56_bus_pandapower_check.ipynb b/56_bus_pandapower_check.ipynb deleted file mode 100644 index 284cd1c..0000000 --- a/56_bus_pandapower_check.ipynb +++ /dev/null @@ -1,73134 +0,0 @@ -{ - "cells": [ - { - "cell_type": "code", - "execution_count": 4, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/ubuntu/.local/lib/python3.10/site-packages/tqdm/auto.py:22: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n", - " from .autonotebook import tqdm as notebook_tqdm\n" - ] - } - ], - "source": [ - "import matplotlib.pyplot as plt\n", - "from mpl_toolkits.mplot3d import Axes3D\n", - "import numpy as np\n", - "from numpy import linalg as LA\n", - "import gym\n", - "import os\n", - "import random\n", - "import sys\n", - "from gym import spaces\n", - "from gym.utils import seeding\n", - "import copy\n", - "\n", - "from scipy.io import loadmat\n", - "import pandapower as pp\n", - "import pandapower.networks as pn\n", - "import pandas as pd \n", - "import math\n", - "import torch\n", - "import torch.nn as nn\n", - "import torch.nn.functional as F\n", - "import torch.optim as optim\n", - "\n", - "import cvxpy as cp\n", - "\n", - "os.environ[\"CUDA_DEVICE_ORDER\"] = \"PCI_BUS_ID\" \n", - "os.environ[\"CUDA_VISIBLE_DEVICES\"] = \"-1\"\n", - "\n", - "use_cuda = torch.cuda.is_available()\n", - "device = torch.device(\"cuda\" if use_cuda else \"cpu\")" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "metadata": {}, - "outputs": [], - "source": [ - "import matplotlib.pyplot as plt\n", - "\n", - "SMALL_SIZE = 10\n", - "MEDIUM_SIZE = 16\n", - "BIGGER_SIZE = 16\n", - "\n", - "plt.rc('font', size=MEDIUM_SIZE) # controls default text sizes\n", - "plt.rc('axes', titlesize=MEDIUM_SIZE) # fontsize of the axes title\n", - "plt.rc('axes', labelsize=MEDIUM_SIZE) # fontsize of the x and y labels\n", - "plt.rc('xtick', labelsize=MEDIUM_SIZE) # fontsize of the tick labels\n", - "plt.rc('ytick', labelsize=MEDIUM_SIZE) # fontsize of the tick labels\n", - "plt.rc('legend', fontsize=SMALL_SIZE) # legend fontsize\n", - "plt.rc('figure', titlesize=BIGGER_SIZE) # fontsize of the figure title" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "metadata": {}, - "outputs": [], - "source": [ - "class VoltageCtrl_nonlinear(gym.Env):\n", - " def __init__(self, pp_net, injection_bus, obs_dim=12, action_dim=12, \n", - " v0=1, vmax=1.05, vmin=0.95):\n", - " \n", - " self.network = pp_net\n", - " self.injection_bus = injection_bus\n", - " self.agentnum = len(injection_bus)\n", - " \n", - " self.obs_dim = obs_dim\n", - " self.action_dim = action_dim\n", - " self.v0 = v0 \n", - " self.vmax = vmax\n", - " self.vmin = vmin\n", - " \n", - " self.load0_p = np.copy(self.network.load['p_mw'])\n", - " self.load0_q = np.copy(self.network.load['q_mvar'])\n", - "\n", - " self.gen0_p = np.copy(self.network.sgen['p_mw'])\n", - " self.gen0_q = np.copy(self.network.sgen['q_mvar'])\n", - " \n", - " self.state = np.ones(self.agentnum, )\n", - " \n", - " def step(self, action):\n", - " \"State transition dynamics: it takes in the reactive power setpoint\"\n", - " \"then compute the voltage magnitude at each node via solving power flow\"\n", - " \n", - " done = False \n", - " \n", - " reward = float(-100*LA.norm(self.state-1.0)**2)\n", - " \n", - " # state-transition dynamics\n", - " for i in range(len(self.injection_bus)):\n", - " self.network.sgen.at[i, 'q_mvar'] = action[i] \n", - "\n", - " pp.runpp(self.network, algorithm='bfsw', init = 'dc')\n", - " \n", - " self.state = self.network.res_bus.iloc[self.injection_bus].vm_pu.to_numpy()\n", - " \n", - " return self.state, reward, done\n", - " \n", - " def step_load(self, action, load_p, load_q):\n", - " \"State transition dynamics: it takes in the reactive power setpoint, and load_p and load_q\"\n", - " \"compute the voltage magnitude at each node via solving power flow\"\n", - " \n", - " done = False \n", - " \n", - " reward = float(-100*LA.norm(self.state-1.0)**2)\n", - " \n", - " # state-transition dynamics\n", - " for i in range(len(self.injection_bus)):\n", - " self.network.sgen.at[i, 'q_mvar'] = action[i] \n", - " \n", - " self.network.load['p_mw'] = load_p\n", - " self.network.load['q_mvar'] = load_q\n", - "\n", - " pp.runpp(self.network, algorithm='bfsw', init = 'dc')\n", - " \n", - " self.state = self.network.res_bus.iloc[self.injection_bus].vm_pu.to_numpy()\n", - " \n", - " return self.state, reward, done\n", - "\n", - " def step_load_solar(self, action, load_p, load_q, gen_p, gen_q):\n", - " \"State transition dynamics: it takes in the reactive power setpoint, load_p and load_q\"\n", - " \"and gen_p & gen_q to compute the voltage magnitude at each node via solving power flow\"\n", - " \n", - " done = False \n", - " \n", - " reward = float(-100*LA.norm(self.state-1.0)**2)\n", - " \n", - " # state-transition dynamics\n", - " self.network.load['p_mw'] = load_p\n", - " self.network.load['q_mvar'] = load_q\n", - " self.network.sgen['p_mw'] = gen_p\n", - " self.network.sgen['q_mvar'] = gen_q \n", - " \n", - " for i in range(len(self.injection_bus)):\n", - " self.network.sgen.at[i, 'q_mvar'] += action[i] \n", - "\n", - " pp.runpp(self.network, algorithm='bfsw', init = 'dc')\n", - " \n", - " self.state = self.network.res_bus.iloc[self.injection_bus].vm_pu.to_numpy()\n", - " \n", - " return self.state, reward, done\n", - " \n", - " def reset(self, seed=1):\n", - " np.random.seed(seed)\n", - " self.network.sgen['p_mw'] = 0.0\n", - " self.network.sgen['q_mvar'] = 0.0\n", - " self.network.load['p_mw'] = 0.0\n", - " self.network.load['q_mvar'] = 0.0\n", - "\n", - " \n", - " pp.runpp(self.network, algorithm='bfsw')\n", - " self.state = self.network.res_bus.iloc[self.injection_bus].vm_pu.to_numpy()\n", - " return self.state " - ] - }, - { - "cell_type": "code", - "execution_count": 7, - "metadata": {}, - "outputs": [], - "source": [ - "from network_utils import (\n", - " create_56bus,\n", - " create_RX_from_net,\n", - " np_triangle_norm,\n", - " read_load_data)\n", - "\n", - "net = create_56bus()\n", - "injection_bus = np.array(range(0, 55))\n", - "\n", - "v_min, v_max = (11.4**2, 12.6**2) # +/-5%, units kV^2\n", - "v_nom = 12**2 # nominal squared voltage magnitude, units kV^2\n", - "env = VoltageCtrl_nonlinear(pp_net=net, vmin=v_min, vmax=v_max, v0=v_nom, injection_bus=injection_bus)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Test with real-world data" - ] - }, - { - "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [], - "source": [ - "import scipy.io as spio\n", - "# each row in is a node (1 - 55)\n", - "# 6 columns: ['name', 'connectionkW', 'kW', 'pf', 'kVar', 'nameopal']\n", - "aggr_p = spio.loadmat('data/aggr_p.mat', squeeze_me=True)['p'] # shape [14421]\n", - "aggr_q = spio.loadmat('data/aggr_q.mat', squeeze_me=True)['q'] # shape [14421]\n", - "solar = spio.loadmat('data/PV.mat', squeeze_me=True)['actual_PV_profile'] # shape [14421]\n", - "load = spio.loadmat('orig_data/loadavail20150908.mat', squeeze_me=True)\n", - "scale = 1.1\n", - "\n", - "active_load = np.stack(load['Load']['kW']) / 1000 # to MW\n", - "load_p = scale * active_load\n", - "reactive_load = np.stack(load['Load']['kVar']) / 1000 # to MVar\n", - "load_q = scale * reactive_load\n", - "\n", - "\n", - "agg_active_load = load_p.sum(axis=0)\n", - "assert np.allclose(agg_active_load, aggr_p)\n", - "agg_reactive_load = load_q.sum(axis=0)\n", - "assert np.allclose(agg_reactive_load, aggr_q)" - ] - }, - { - "cell_type": "code", - "execution_count": 9, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/ubuntu/.local/lib/python3.10/site-packages/scipy/io/matlab/_mio.py:226: MatReadWarning: Duplicate variable name \"None\" in stream - replacing previous with new\n", - "Consider mio5.varmats_from_mat to split file into single variable files\n", - " matfile_dict = MR.get_variables(variable_names)\n" - ] - } - ], - "source": [ - "T = 14421\n", - "N = 55\n", - "gen_p = np.zeros((N, T))\n", - "gen_q = np.zeros((N, T))\n", - "solar_orig = spio.loadmat('orig_data/pvavail20150908_2.mat', squeeze_me=True)\n", - "capacities = np.array([\n", - " 9.97, 11.36, 13.53, 6.349206814, 106.142148, 154, 600, 293.54, 66.045,\n", - " 121.588489, 12.94935415, 19.35015173, 100, 31.17327501, 13.06234596,\n", - " 7.659505852, 100, 700]) # in kW\n", - "capacities /= 1000 # to MW\n", - "\n", - "# for whatever reason, Guanan scales the capacities by a factor of 7\n", - "# - see line 39 in dynamic_simu_setting_revision_2nd.m\n", - "capacities *= 7\n", - "\n", - "# see Generate_PV_power.m\n", - "pv_profile = solar_orig['PVavail'][0]['PVp_6s'] / solar_orig['PVavail'][0]['PVacrate']\n", - "pv = pv_profile * capacities.reshape(-1, 1) # shape [18, 14421]\n", - "\n", - "assert np.allclose(pv.sum(axis=0), solar)" - ] - }, - { - "cell_type": "code", - "execution_count": 10, - "metadata": {}, - "outputs": [], - "source": [ - "solar_index = np.array([9,12,14,16,19,10,11,13,15,7,2,4,20,23,25,26,32,8]) - 2\n", - "gen_p[solar_index,:] = pv" - ] - }, - { - "cell_type": "code", - "execution_count": 11, - "metadata": {}, - "outputs": [], - "source": [ - "nodal_injection = -load_p + gen_p\n", - "pq_fluc = spio.loadmat('data/pq_fluc.mat', squeeze_me=True)['pq_fluc'] # shape [55, 2, 14421]\n", - "all_p = pq_fluc[:, 0] # shape [n, T]\n", - "all_q = pq_fluc[:, 1] # shape [n, T]\n", - "assert np.allclose(all_p, nodal_injection) # check if load_p - gen_p = total active injection\n", - "assert np.allclose(-load_q, all_q) # reactive power injection does not include any solar" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "([,\n", - " ,\n", - " ,\n", - " ,\n", - " ],\n", - " [Text(0, 0, '00:00'),\n", - " Text(3600, 0, '06:00'),\n", - " Text(7200, 0, '12:00'),\n", - " Text(10800, 0, '18:00'),\n", - " Text(14400, 0, '24:00')])" - ] - }, - "execution_count": 15, - "metadata": {}, - "output_type": "execute_result" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAlsAAAGjCAYAAAAb7NCYAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAADOH0lEQVR4nOydd3wUZf7H3zOzJbvZ9AqEkNCLiIBgARTFih3LIXqWu1PvTmzn3Yntd3Y9z4ZnOfXOemIXywk2rIDSQXpNCC29bbJ9Z35/zO4mm2x6wqY879dr2Z2Z53nmu2F35zPf7/f5PpKmaRoCgUAgEAgEgi5BjrYBAoFAIBAIBL0ZIbYEAoFAIBAIuhAhtgQCgUAgEAi6ECG2BAKBQCAQCLoQIbYEAoFAIBAIuhAhtgQCgUAgEAi6ECG2BAKBQCAQCLoQIbYEAoFAIBAIuhBDtA3ozaiqysGDB4mLi0OSpGibIxAIBAKBoBVomobdbqd///7Icsf9UkJsdSEHDx5k4MCB0TZDIBAIBAJBO9i3bx9ZWVkdHkeIrS4kLi4O0P+z4uPjo2yNQCAQCASC1lBdXc3AgQND1/GOIsRWFxIMHcbHxwuxJRAIBAJBD6OzUoBEgrxAIBAIBAJBFyLElkAgEAgEAkEXIsSWQCAQCAQCQRcixJZAIBAIBAJBFyLElkAgEAgEAkEXIsSWQCAQCAQCQRcixJZAIBAIBAJBFyLElkAgEAgEAkEXIsSWQCAQCAQCQRcixJZAIBAIBAJBFyLElkAgEAgEAkEXIsSWQCAQCAQCQRciFqIWCASCdvD0kp088dUOAFJtZq49IZdrpg3utIVrBQJB70HSNE2LthG9lerqahISEqiqqiI+Pj7a5ggEgk7ikw0HufGtdc22uffcMVx5fM7hMUggEHQqnX39FmKrCxFiSyDofbzxUz53f7y51e3T4sz897fHMCIzrgutEggEnUlnX79FGFEgEAhayT+X7OTxQOgQYNm8kxmQaEHTNPZXOPn1f1aQX+YI61Nid3P6Uz8AsPLOGaTHxbTr3F6/it3lIznW1P43IBAIooLwbHUhwrMlEPQeGnq01t59apPCx+NTufmddSzaWBjx+NgBCdxz7mgufP6n0L70ODNP/uoojhucgizX5X2pqsbIuz/H41dD+zoi2gQCQcuIMGIPQogtgaB30NCjtfimaYzq17rvtNevMuzOxW063+ScZP7164nc8s56vt9RErHNnGOyuffcMRgVMalcIOhshNjqQQixJRD0fC54bhnrCipD29/9eTo5qbFtHqeo2sXKvHJuaCGxvi0cMSCeT+dOFTMgBYJORoitHoQQWwJBz0XTNJ74agf//GZXaN+Xt5zA8IyOJbo7PD4+3XCQI7MSGZwWi9mghI4VlDl4/vvdvLWyIKzPkltPZEiaDYDSGje3vrshzOP18fVTGDcwsUN2CQSCOoTY6kEIsSUQ9Ew0TSP39kVh+zbecxpxMcbDcn6vX+U/S/OYNWFAk7lZ17+5ls82HgptfzJ3CkdmJR4W+wSC3k5nX79FsF8gEAjqoaoaFz6/PLQ9dWgqm+89/bAJLQCjIvP7E4c0mwT/zJzx/N/Zo0Pb5z6zjEX1xJdAIOg+CLElEAgEATRNY86/f2ZtvRyt//7uGGLN3a9KjiRJ/GZqLj/fPiO0749vruXVZXlRtEogEERCiC2BQCAA3D4/ubcv4uc95QCcd1R/8h6eGWWrWiYzIYaHLhgb2r7n0y08tGhrFC0SCAQNEWJLIBD0efyqxoi7Pg9tTxuWyvzZ43vMLL85x2SzbN7Joe0Xf9hDzrzP2FfuaKaXQCA4XAixJRAI+jxD7qhLhj8mN5k3fntMFK1pHwMSLWEhRYBpj35LzrzPomSRQCAIIsSWQCDo09zzSV1V+N9MyeWd646LojUdIzMhckJ9zrzPeOPnvYfZGoFAEESILYFA0Gf5YnMhry7PD23fddao6BnTSbz3++M4YXgab197bNj+uz/aRM68zyiqdkXJMoGg7yLqbHUhos6WQNB9+WFHCVe8vBKAK44bxH3nHRFli7qGeR/8wtur9jXan/fwzB6TkyYQHG5EnS2BQCDoICV2N9e9sQaA+BgDd9erV9XbeOTCI/n85mmN9ufevghfvcWtBQJB1yHElkAg6FPYXV4mPfg1Tq8fgMU3n9DrF3MemRlP/iNn8dUtJ4Ttn7ug89ZpFAgETdO7f2EEAoGgAY8s3gZAcqyJ7/48nQGJlihbdPgYlhFH/iNncdkx2QB8vrmQZ7/d1UKv1vPSD3uY8fh3FNtFXphAUB8htgQCQZ/A7vJy/ZtreXOFvsjzXWeNIic1NspWRYcH6xVB/ccX29l0oKpzxl20ld0ltUx+cAlun79TxhQIegNCbAkEgl7PjiI7Y+/5MrRw86ScJGZNyIqKLf7KSrrDvKRf7jkt9Prsfy7tdHH04Geiir1AEKT7LfglEAgEncjwOxfjqZcI/pspucw7c2SXnlPTNNA0/GVlOFavpvKDD6ldurTZPsb+/fGVl4OmIcXEoCQkYBo4EGNWFo5Vq1ASE5FtscSdfDKJF14IBkOHZhPGxxj5x0VH8pf3fwHg6ldWseCaY1vo1Xp+2l3WaWMJBD2dblH64b333uPZZ59lw4YNeDwehg4dymWXXcYtt9yC0Whs9TivvvoqV199dbNtFi9ezBlnnBHxWFFREffffz+fffYZBw8eJDExkRNOOIHbb7+dCRMmtOk9gSj9IBBEm7s+2sh/f9bDhmMHJHDHzFEcNySl08+jaRqe3btxbd6M/ZtvsX/xRaefoxGyDKqKaegQBj7zDKacnHYNs2BFAXcs3BjaTo418fPtMzAZ2h74aFitPv+Rs9plk0AQbTr7+h11z9bNN9/M/PnzMRgMnHzyydhsNr755htuu+02Pv30U7788ksslrYlsA4ZMoSpU6dGPDZgwICI+3fs2MG0adMoLi5m8ODBnH/++eTl5fH+++/z0Ucf8e6773LBBRe0+f0JBILosHjjoZDQAvhk7pROryvl2X+A3aec0mI7OSEBtaqK5KuvxjZ9Oo4VP1P63PMkXnwxSmoKhqRkVJeLmDGjkc1mpBgLqqMW986dVH7wAe4tEUJyqu6t8+zaze4zzgQg8eKLyLzvvja9zznHZIeJrfJaD8PvWsz/bpjKEQMSWj2OQCBomqh6tj766CMuuOACbDYb33//fch7VFpaysknn8zGjRu59dZbeeyxx1o1XtCzdeWVV/Lqq6+22g5N05g4cSLr1q3j17/+Na+88gqKogDw4osvct1112Gz2di5cyeZmZmtHld4tgSC6LD5YBVnPa2H7ZJjTay565ROE1qq2035669T8vgTjY6Zhw3FOmkSpqFD8ZeWkfirX2FIS0WSOy89VvN68ZWXU/nOu5Q+91zENuZhQ8l5913kVt6oqqrGqU9+z+6S2rD9K+6YQUZ85CWAIiE8W4LeQq8qavrQQw8BMG/evLAwXWpqKs8FfkSeeeYZqqo6Z6ZMUyxevJh169aRmJjIc889FxJaANdeey0zZsygpqaG+fPnd6kdAoGgcwiWd5iQnciKO2Z0WGhpmkbJM8+ydeQoto87KqLQGvrNEgZ/+imZ//d/JM+ZQ9qNN2DMSO9UoQUgGY0YMzJIu/EGRm3byqhtW4k9IbxoqXvnLraPn8DWUaOpXbmyxTFlWWLJrdPJf+QsZo2v8/4f89ASVuWXh7a/3V7MLe+sx+7ydt4bEgj6AFETWwcOHGDVqlUAzJkzp9HxqVOnMnDgQNxuN4sWLepSWxYuXAjAueeei81ma3Q8aN+HH37YpXYIBIKO8/mmQ/y4sxSDLPHYxeM6XLDUV1HBtlGjKX3mmbD9SmIiGXfcERI8xv79O3SejpD94ouM2raVnHfeDj+gaRRccSVbR46i8qOPWjXWE786iofqlYa4+F8/8dkv+izOq19ZxcJ1B3j8yx2tGqsbpAQLBN2CqImtdev0ysXJycnk5uZGbHP00UeHtW0tu3bt4q677uLaa6/lT3/6Ey+//DKlpaUt2hI8X1N27Ny5k9ra2ohtBAJB9PGrGk9+tROAK4/PYXBa45untuAtLmbncceH7YsZO5aRv2xg+M8/kXzFrzs0fmdjGTeOAU/Px9CvH3ENJgIdmnc7W0eOwltU1OI4c47J5pk540Pb1y9Yy/Jddb+hBeWOVtlTXutppeUCQe8magnyeXl5AGRnZzfZZuDAgWFtW8uyZctYtmxZ2L6YmBjuuecebrvttjbbErRD0zTy8/MZM2ZMxHZutxu32x3arq6ubpPdAoGg/WiaxpA7dC94nNnADScP7dB4tStXsn/uDaHt9L/+lZTfND/buTsQf9ppxJ+m19DStCc4dNddVH1Q55XfdeJ0JJOJEWtWIzUz2/vsI/szITuJ4x/5BoA5/14ROvbNtuJW2XL//7bw1OzxLTcUCHo5UfNs2e12AGJjm67gHAzptVa0ZGZmcuedd7JixQpKSkqorq5m1apVXHHFFbjdbubNmxfKE2uLLfVDi83Z8vDDD5OQkBB6BEWaQCDoelbvrQi9vnpKDolWU7vHcq5fz77f/g418H0f8OQTPUJoNUSSJPo/+CDDV68O2695PGwbeyTe4uZFU/9EC49edGS7z//R+oPt7isQ9CZ6VQX5M844gwceeIDJkyeTmppKXFwcRx99NK+99lpoRuN9991HUSvc6O3h9ttvp6qqKvTYt29fl5xHIBA05pN6F/ZbTh3e5v7ewkL2/voK9px7HvmzL0XzepGtVoavXEH8mWd2pqmHHcUWy6htWxmxJlx05V94EfZvvmk2t+qSoyPfNDo9dRXnXV4/172xOmI7gUAQRbEVFxcH0GwOVE1NDUCnTLu86aabSE1Nxe128+WXX7bJlqAdLdliNpuJj48PewgEgq7H5fWzKLAUz78un9im2YfewkJ2njidXdNPwrFqFe4devJ37NSpDP32G5Re9D2WY3XRNeCJxwHwlZSw/4/Xs23UaHwVFU32e/JX4xrt+35HnVfslnfW88XmrrmJFQh6A1ETWzmBasfNeX+Cx3LaWRm5PoqiMGzYMAD2798f0ZaCgoKG3cLskCSJQYMGddgWgUDQeWiaxsi7P6es1kNmfAynjEpvdd/y/77Jrukn4Wvg7R705n8Z+NKLKAm9s6hn/MyZjFi3FuvkyaF9+bNn4wjMEG/IBeOzeHZO+Coav//vWgrKHKiqxuJNhQBM37eWe3/6N6nOyi6zXSDoiURNbI0frydNlpWVNZkAvzqQZ9CepXIiUVamr9UV9GQFCY6/enVkN3hw/7BhwyKWhhAIBNHj7o83hV5fe8JgDK0o9aD5/ZT+6wWK6uVwJsyaxYi1axi1bSvWiW3zjvVEZIuFQa+/RvxMPUTq3VvA3l9fwdaRo/BHyE2N9Ge99o3VocW9AW5bs4DJRdt444sHGGDXPV9rC5r2mAkEfYWoia2srCwmTZoEwIIFCxodX7p0Kfv27cNsNjNz5swOn2/t2rXsCIQHJte7mwNCy/B88sknEUOJQftmzZrVYTsEAkHnsbukJmxJnqun5LTYx1tUzK7pJ1Hy1FOgqliPOYYR69bS/6EHka3WrjO2mzLgiScY+s0S4s85J7Rvx+Rj8DcoJq3IMmafh9yquty4bYV2bngrcmmex3/U65LNem55F1gtEPQsopogf8cddwDwyCOPsHbt2tD+srIy/vjHPwIwd+5cEuq58hcuXMjIkSOZMWNG2FgOh4Nnn302NLOwPj/88AMXXnghoBdLbSi2zjzzTMaPH09lZSV//OMf8fvrEj9ffPFFlixZgs1m46abburgOxYIBJ2Fx6dy7et13ugt953eojfKe+gQ+RddhK+kBMliod+DD5D96iutXtamt2Ls358B/3gUa71agwW//R2at65SvCLD/T+9xHPfPsGxhzZFGiaMBE/ranEJBH2BqC5Eff7553PjjTfy9NNPc+yxxzJjxgxiY2NZsmQJlZWVTJkyhfvvvz+sT1VVFdu3b8flcoXt93g8zJ07l1tvvZXx48eTnZ2Nz+djx44dbNqk/zCMHTuWd999t5EdkiTx1ltvMW3aNF5//XWWLl3KpEmTyMvLY+XKlRgMBl5//fU2rYsoEAi6lv8szWN3SS2JViMfXz8Fq6n5nzNfeTkFv7sGX0kJADkL3iRm1KjDYWqPYdB/36Dygw84dOdduDZtYsfUafT/+yPYTjwRQ2kJY8v0lI8z83/m535HRNlagaDnEFWxBTB//nymTJnCs88+y/Lly/F6vQwZMoR58+Zxyy23YDK1rlaO1Wrl7rvvZvXq1Wzbto3NmzfjdDpJSkrilFNO4eKLL+aqq65qcrwRI0bwyy+/8MADD/C///2PhQsXkpCQwKxZs7jzzjs7LW9MIBB0Dv9Zql/475w5ikEpTdfrAz1Ha//cG/Ds3o2SnEzOgjcxdcLEm95I4oUX4isvp+TxJ1Crqtj/+z8AkFavzeSibdExTiDooUiaWLyqy+jsVcMFAgGoqsbgO+rWS/3lntOIj2m6EjpA8ZNPUfbCC0gmEznvvC08Wq2g6uOPOXjbvCaPn3Xeo6hSeCbK4o/+HLZ9+/HXsj59OPmPnNUlNgoEXUVnX797VVFTgUDQ+3lo0daw7ZaEVuWHCyl74QUA+j1wvxBarSThvPMYtW0rQz5fHPH4hKq9AKTFmZsc4+HlL3aJbQJBT0OILYFA0GP4aXcZ/15aVypm631nNNMaPPv3U3jvvQCk/P46Es49t0vt642YcnIYvuJnvNNPDdt//3fPctYgK//97TEY/T7mrXqjyTG+2SYKngr6NkJsCQSCHoFf1bj0pZ9D2zseOBOLSWmyvebzcXDePDS3G+vRR5MmZhO3GyUhAfWkUxvtv33HJ4zIjOOTT+dx4oENEfsa/T5W54taW4K+jRBbAoGg21Pl8DKkXp7Wx9dPwWRo+uer5selbDtiLM7Va5CtVvo9cH+vL1La1UjGxuFa++LP2Tqy+bDsJ5/Oo8Lh6SqzBIIeQdRnIwoEAkFLzF+yM/T62hMGM25gYsR2qstF8WOPU/Hf/+o7JIl+Dz8sZh52Aoqp+dy45iirEWJL0LcRYksgEHRrCsocvLxMz9N67OJxXDQxK2I7z7597D71tNB23BlnkPHXv2Ds3/+w2NnbkQ3tv1wIz5agryPElkAg6LZ4fCon/ONbAHJSrE0KLc3n4+Bfbwttp8+7jZSrrjocJvYZZJOJYJ0gzWhC8rZeQJXVCrEl6NuInC2BQNBteeabuvDhTacMi9hGU1V2nzkT57p1yLGx5C78UAitLkAx1t2bu+64j6TLLgMg5Xe/bbFvys6Wl/cRCHozQmwJBIJuidvn5+Vl+QAcPySFC8Y39mppmsb+6+fi3bcPgIy77hJ1tLqIsAR5WxwZ824j5713Sbv55hb7jt/3C35V1M8W9F2E2BIIBN2S/204RI3bB8DLV02K2KbshRep+VYPM8adcQaJF5x/uMzrc9RPkJdkGcloxDJ2LFIrcrkyasvZVy4Wphb0XYTYEggE3Q6vX+WJr3YAcMspw4kxNq6nZf/mW0rmzwcg9vjjyHrqycNqY19DNoaLrbaQ6Shne5G9s00SCHoMQmwJBIJux2e/HOJApZNUm5lrTshtdFzTNA7ddRdoGvEzZzLwP/+JgpV9i7DSD3LbapYNrj7ETiG2BH0YIbYEAkG3QlU17v5YT6i++OgsrKbwMJXm81Hwm9/gLy8Ho5HM++4TBUsPA0oHPFsA+7bntdxIIOilCLElEAi6Ff/beAi7S8/Vuvr4nEbHy19/A8dP+rI9GX/5M4ot9nCa12cJy9lqR667vGZlJ1ojEPQshNgSCATdBr+q8VQgV+vMIzJJj48JO+49eJCSf/4TgMz77yP5iisOu419FcVkqttQ/W3uP3jPLxyodHaiRQJBz0GILYFA0G1YuO4Ae0prSbQa+cfF4xodL/v3v9GcTiwTJ5J40UVRsLDvUt+zpfp8be4/uXArP/68rTNNEgh6DEJsCQSCbsNH6w4AcM20wdjM4blari1bqHjrbQBSf/97kad1mKlf1FRrY80sd0wsJtVH2cKPO9ssgaBHIMSWQCDoFpTWuFmZXw7A6WMyw475ysvJm3UhaBpxp56CbdrUaJjYp1Hq1dPS/G0LI1pmzwFgxJolVIqlewR9ECG2BAJBt+D573bj8akcmZXAkLTwpPfCe+8DQElNJfOee6JgnUBR6nkStbZ5tobdcB0uYwwDakr56YMvO9kygaD7I8SWQCCIOi6vn/fX7Af0Iqb1Q4SuLVuwf/EFAP3uuxdDSkpUbOzrKPX+T1RVbVNfOTaW4sknAlDz0r/Q2ijWBIKejhBbAoEg6izedIgqp5cBiRZOGJ4W2l/70096+BCIOeII4k4+OVom9nmUeoVMNX/bxBbA0Bv/gFs2cETJbta//HZnmiYQdHuE2BIIBFHnvz8XADB70sDQRd29cyf7r58batPvwQejYptAp7630Z+e0eb+Q8aNYO2JswDwPfsU/urqTrNNIOjuCLElEAiiypq9FazZW4FBlvjV5IEA+Coq2Hf9XFSHAyUpieGrVhIzYniULRXcOu16Hpz0a3xZOe3qf8rfbmG/LQ2bo5pNd9zbucYJBN0YIbYEAkFUeWWZvozL+eMHkB4Xg+p2s++3v8NbUIAhM5PcjxaixMVF2UoBwJaUXJYOGIfazpyr7MxENl12AyoSpq8XUf31kk62UCDongixJRAIokZRtYvPNxUCcPWUHDSfjwO33opryxYwGsma/xTGjLaHrARdS3vFFsAlV5/NB0P1ZPkDc+fiPXCgs8wSCLotQmwJBIKo8ebPe/GpGpNykhjTP4Gyf/+bmoC3I/P/7sYyrnEVeUH0yWiwjFJbGJBoYesZs8mP00X0rhmnsHXkKPbNnStmKQp6LUJsCQSCqOD2+VmwUk+Mv+r4XHxlZZS/+hqgr3uYdPHF0TRPEIE3fjuZR2aNZVS/+A6N89zVx/HYpMvwSkpoX83XS3CuXt1REwWCbokQWwKBICos3lhIaY2HzPgYTh2dzsHbb8dfWYlp8GASzz8/2uYJIjBtWBqzJ2d3eJykWBPHnnosd0y5Nmx/yVvvdHhsgaA7IsSWQCCICj/vKQPgggkDcP/wPbU//IgUyNOSjMYWegt6Og+cfwTWoyexK2FAaF/t4kW4tu+IolUCQdcgxJZAIIgKNW4fAP0Mfgrvux+A5KuuwjxsWDTNEhwmJEni2csmINXL05I0jeJHHxW5W4JehxBbAoEgKjg8+mLGuZ/8F19hIcasLFJ/f12UrRK0h+DswraSFmfGWre+NV7FQO2yZdi//rqTLBMIugdCbAkEgqjg8PiYWLSN1C8/AiDznnuQY2Ob7yTolrw6+sx295XrebE+GKKLtsJ778NXUdFhuwSC7oIQWwKBICqoXh/XbvoEgKQ5c7BNnRJliwTtxS+1/1Ii1VvUesGIU6hMz8JfWkrR/fd3hmkCQbdAiC2BQBAVxm1ZTra9GH9cPGk33xRtcwQdQENquVETSFqd2PIqRu4efREoCtWLFlPz49LOME8giDpCbAkEgqgw6MB2AGrPOB8lvmN1mwRRRmq/2JLria24GAO7ErOoOP18AIoeeADV4+modQJB1BFiSyAQRAWLqxYALS09ypYIOsqlHai9VT+MOCTNBsBTWSeipKbg2buXshde7LB9AkG06RZi67333mP69OkkJSURGxvLuHHjePTRR/F6vW0aZ926dTz88MPMmDGDjIwMjEYjSUlJTJs2jWeffbbJ8b777jskSWr28a9//asz3qpAIAhg9jgB0ERSfI/n/84eHbb92qgzWt23vmfrP1cejckgs7LYg/23NwJQ9uKLuPPyOsdQgSBKGFpu0rXcfPPNzJ8/H4PBwMknn4zNZuObb77htttu49NPP+XLL7/EYrG0OI7P52PChAkA2Gw2Jk2aREZGBvv37+enn35i6dKlvP7663zxxRckJiZGHCMjI4Mzzoj8IzFixIh2v0eBQNAY2a+XfpCNpihbIugoRiU8jFhiSWx13/qzEVNsZi6ckMVbKwv4t2Ewt58wjdoffqTooYfJfkl4uAQ9l6iKrY8++oj58+djs9n4/vvvQ2KptLSUk08+maVLl3L33Xfz2GOPtWq8iRMnctttt3HuuediNptD+zdu3Mjpp5/OypUr+dOf/sTLL78csf/IkSN59dVXO/y+BAJBy8iB8JFkUFpoKejuSA1ytiRaX5S0foI8wFXH5/DWygK+2FLEXTf9BZb/RO2PP1L78wpijz2mU+wVCA43UQ0jPvTQQwDMmzcvJLQAUlNTee655wB45plnqKqqanEsg8HA6tWrufjii8OEFsDYsWN59NFHAXj77bfbHJ4UCASdj6zqni1JibqDXdBB2p8eXye6g4zIjOPoQUmoGiwqU0i6RF+QvPjJJ0RleUGPJWpi68CBA6xatQqAOXPmNDo+depUBg4ciNvtZtGiRR0+3/jx4wFwOp2UlpZ2eDyBQNAxgh4N4dnq+TScjNiWUhCxHkejfeeN19dL/Gj9AVL/8AckiwXXhl+wf/Flh+wUCKJF1MTWunXrAEhOTiY3Nzdim6OPPjqsbUfYuXMnACaTieTk5IhtioqKuO+++7juuuu46aabeP755ykoKOjwuQUCQWOCHg3ZIDxbPZ2GYcSOctbYfhhkic0Hq9npM5Ny9dUAlDz5JJooBSHogUTtVy4vMLskO7vpKcMDBw4Ma9teNE0LhRHPPvvsRmHGINu2beNvf/tb2D6DwcANN9zAo48+ikFcFASCTqMujCg8W4JwkmNNnD4mk882HuLlpXk88pvfUPHuu3opiNdeI/Waa6JtokDQJqLm2bLb7QDENjPt22bTa65UV1d36Fz33nsvP/30EzabjUceeaTR8YSEBG6++Wa+//57Dh06RG1tLb/88gu33HILkiTx5JNP8sc//rHF87jdbqqrq8MeAoEgMsEp/7JR3MQIGvObqXrEY+G6AxT5ZNL/fCsApc8+h2ffvmiaJhC0mW5RZ6sref3117nvvvuQZZmXX36ZYcOGNWozfvx4nnzySU444QQyMzOxWq2MHTuWJ554grfffhuAl156ifXr1zd7rocffpiEhITQI+iZEwgEjVECni1ZeLZ6HWOnHNXhMSYOSuLYwcn4VI1XluWRcN55WI89Fs3louiRv4tkeUGPImpiKy4uDoDa2tom29TU1AAQ386lPN577z1+85vfALpYuvjii9s8xqxZszjqqKMA+PTTT5tte/vtt1NVVRV67BN3XwJBk9SVfhCerd5G1rETKbQmtartpszhAOyJ79fo2DXTBgPw9sp91Hr8ZN55BwA1S5aQP3t2J1krEHQ9URNbOTk5AM0KkuCxYNu28OGHHzJnzhxUVeWFF14Iia72MGrUKAD279/fbDuz2Ux8fHzYQyAQRCY4G1EkyPdOHjn6cgAOWSNPSAry7JQreXn0TO4+7neNjp00Ip3BabHY3T7e/Hkv5mHDsARufl0bfqF25cpOt1sg6AqiJraCpRjKysqaTIBfvXo1QFgNrtbw0UcfMXv2bPx+P88//zzXdDCZsqysDKjzxgkEgo6jhMSWCCP2RrYnD+I3p8zjDyf/udl2VWYb7w0/mXJLQqNjsixx3Qm6d+vNFQX4VY0BTz0ZOl5wxZU4N27qXMMFgi4gamIrKyuLSZMmAbBgwYJGx5cuXcq+ffswm83MnDmz1eN++umnXHLJJfh8Pp5//nmuu+66Dtl54MABfvzxRwAmT57cobEEAkEddaUfhNjqbQQLQRyypeI2NL8ck9pC6tU54/qTYDFSUO7gh50lGDMzGfLlF6Hj+RdfjLeoqIMWCwRdS1QT5O+4Q4+/P/LII6xduza0v6ysLDT7b+7cuSQk1N3xLFy4kJEjRzJjxoxG4y1atIiLLroIn8/Hv/71r1YLrfnz50csdPrLL79wzjnn4HQ6GTJkCOedd16b3p9AIGgaRQuujSjCiH0ZtYVEd6vJwKwJepHThxdtBcDUoGTQrhOno4r6W4JuTFR/5c4//3xuvPFGnn76aY499lhmzJhBbGwsS5YsobKykilTpnD//feH9amqqmL79u24XK6w/cXFxcyaNQuPx0NWVhbLly9n+fLlEc/72GOPkZqaGtr+29/+xq233spRRx1Fbm4usiyze/du1q1bh6qqZGdn8+mnnzZZn0sgELSdkGdLMUbZEkE0sbt8Lba57JhsXlmWz46iGtYWVDAhO4ns116j4MorQ222HzmOUdu2dqWpAkG7ifot5fz585kyZQrPPvssy5cvx+v1MmTIEObNm8ctt9yCydS8CzqIw+HA7XYDeiL7a6+91mTbe+65J0xs3XnnnSxbtozNmzfz1VdfUVtbS3x8PMcffzznnXce1113ncjXEgg6GUUkyAtaydD0ut/fhz7byvt/OJ7YYyYz5Ouv2H3KqaFjVf/7jISzz4qGiQJBs0iaKFbSZVRXV5OQkEBVVZWYmSjoE3j27aPkn/8kcdYsYo89tsl2mqaxbdRoAKz/+4pBQ7MOl4mCLmLryFGh11ve/Ipb39sQ2s5/pGkBlDPvs1a1yyut5aTHvgPgvd8fx6QcfZZj2SuvUvz3v4fajdy6pdOXDxL0PTr7+t3ri5oKBILDg+bxkDfrQqo/+ZSivz/afONACBFAMYoEeUHL5KbGMnuSXij6pR/2hPanXH1VWLtto8ccTrMEglYhxJZAIOgUCh98CDWwDJd769ZmZ4hpfn/otSLCiL2OrnIs/TawhM/XW4s4WOkM7R+5dUtdI03DsW5d1xggELQTIbYEAkGH8VVUUPXhh+H7Cgub6VCXFC1mIwpay7CMOI4bnIKqwYOf1SXDS5JE1vPPhbb3XjonGuYJBE0ixJZAIOgwZS/9G83rZXdCf3Yn9AfAX1XVZHu1vtgSni1BG8hOtgLw2cZDqPWKdMWddFJYu50nTj+cZgkEzSLElkAg6BDuvDzK33gDgNdGnYndqF8MXeUVdW1272bryFEcvONOAFSfCCP2ZhS59XHEacP0meFj+rcuCXlsVl3dxV8ONC3ofUVFePYfaLUdAkFXIsSWQCDoEMWP/gO8XlZmjGRV5ijsJl1slR2qKxS856yzAUKhRr/XGzomKyJBvrdx+pjMVrd9evZ47pw5ileuntSq9pdOrito+vWW5ivH7z7llFbbIRB0JeKWUiAQtBvHunXUfPstqizz4hHnMiknCXWLXhPJU1HZZD9/wLPll2QURUzT/2zPZ2wo2UBRbREqKkbZiEEyoMgKJsVEkjmJOFMcNqONWFMssYZYbCYb8aZ4rEYrmbGZGOXuUxw2xqjwu6m5/Htp5HVv65MUa+KawPqHrUGRJR67eBx/fm8Dz3y7i99PH4LN3PSlbN8fr2fgc8+2enyBoCsQYksgELSb0mf0i9gPuZM5EJfO7cfnsOdbGwCG1//N/uL9ZNVbODiIVk9syX28JtKBmgPM+3Feh8aQJZksWxZZcVmkWlLZZ9/HBUMvIDchl0Hxg0g0Jx722lMWU9d5LE8YXleU+u+Lt3H/+Uc02bbmm2+oWboM29QpXWaPQNASQmwJBIJ24Vizhtply9AUhVcGn0xmfAynj8nk6VhbqI39889RPX/HkJkZNjvRF1huS5WkNuX39Eb22/eHXt95zJ0YZAM+1Ydf8+NTfbj9bsqcZdR4a6j11lLjrcHhdWD32KlyV+HwOXD73RTYCyiwF4TGWldcV/4g0ZzIkMQh5MTnMDRxKMOShjEyeSQJ5gS6it9NG8yPO0s5Z1z/Th87PS4m9PqNn/eGxFbWc89R8tRTuHfsCGu/73e/E0v5CKKKEFsCgaBdlPzzGQBWjpxCcWwyfz1+EEZFxhcbvrSVc/16fontx2jqxFb5vX8DIMbv7bKaTD2FYkcxAMf2O5bZI2e3ub+maZQ4S9hTtYeDNQd5ffPr7K7azeCEwVR7qil1llLprmRN0RrWFK0J65thzWBU8iiy4rIYnjSc4cnDGZ44HGMnrFeZYDHy0fVd503KjI+hsFoX7W+tLODSydnEnXwScSefRP6vZuPcsCGsffmCBSTPESUhBNFBiC2BQNBmaleuxPHzz2gGA88OmIZJkbnkaL26N9bYsLYFV1xJiiUptK35/XjWrg1tK31cbQXFVro1vV39JUki3Zoe6j9r2Kyw406fk7yqPDaVbmLFoRV4VS/by7dzsPYgRY4iihzhSeYm2cT4jPHMzJ3JjOwZYd4vv+qnylNFckxyszaNfW0s317yLamW1GbbdYRpw1J5b43uFbz9w41hifOD3n6LPWedjWdPXaX5ovvuJ/G885BjYxuNJRB0NUJsCQSCNlMa8GrtnjSDEmsSZ43OINVmBiBGbrzcaoazrgyE5vGEHevrOVslzhKg/WKrJSwGC6NTRjM6ZTSXjLgktL/GU8OOih1sr9hOQXUBOyt2srV8K9WealYcWsGKQyv42/K/MTRxKKNTRlNYW8jKwpUAXHfkdcwdP7fZ85707klsvHJjl7wngL+cPiIktgDsLi9xMbpHTpIkcha8yY5jjwvrs33i0SKcKIgKQmwJBII24Vi7FseqVWA08niafjG7+Oi6haQrhozGj4RC5DXuG4mtPp6zFfRspVnSDut5bSYbEzImMCFjQmifpmnkVeWxpGAJn+35jN1Vu9lVuYtdlbvC+r7wywvkV+czM3cmR6YdyZayLUSy/tFVj/LXSX/tEvvT42P4/OZpnPHUjwD87ePNPPGro0LHm/JgbR05SgguwWFHiC2BQNAmyl5+GQD7CaeRL9volxDDCcPqLrVaWgbXnHIb91csZ8CaHxr1byi2+jodDSN2JpIkMThxMIMTB3PNkddQ5ixjffF6VhWt4s2tb4a1/SL/C77I/yK0/W6E8d7Y8gbV7moemPpAl9g7MrOuEOqH6w7w8IVjMRv0WZCS0cjQH74HDXadeGJYv7JXXyXlqqu6xCaBIBKiqKlAIGg17rw8apZ8A8Anw/UL2Dnj+od5pywmA4dsqeyYfGrEMbR6BU0F3UtsNSTFksKMQTOYN3ker5z+SrvG+Hj3xzi8jk62LDIj7vo8bNuYno4xI53cjz8K21/8yN/RtMieV4GgKxBiSyAQtJqyF14ETSPmhBN5v1R3jJ9zZPjU/thAfaV3t1U06g/Cs1UfVVO7PGers4gz1c0yvWnCTbxx5hsclXYUC2YuaLHvE2ue6DK7nrtsQth2fmltozYxI0Y0Ch1uGzW6y2wSCBoixJZAIGgV3uJiqj77DIAdp12My6uSk2LliAHha9oFi1mWWhIjjqO6hdgKUumuxKf6kJBIsaRE25xmqT8r8eiMozkq/SjemPkGY9PGttj3ne3vhIUcO5OZY/uFbU9/7Lsm26b/5S9dYoNA0BJCbAkEglZR/en/wOvFctRRvFerX3jPGde/UWVyq0n3eNWYrHyZ3Xi9O7/wbIUIhhCTY5K71XI7kYg31Ylqn+prdLzc1mhXGH/+/s88u/5ZPP7O///Pe3hm2PaTX+2I2C7h3HPCtis/XNjptggEkRBiSyAQtIrqz/V8GMtZZ/PjTj301dCrAGCtt0xLJLHlc7u7yMKeR3fO12qIxWAJvfaqjfPu7rpCYctAePCSxpeV84eeD8C/NvyL094/jX+u+yeHag51mm2SJPHgBXVL9sxfsjNiTpYhLXzO5KE77ug0GwSC5hBiSyAQtIj34EFcGzeCLLNl6ETcPpUBiRZGZsY1ahtjrPtZqTFZGh33ueo8Gz/0P7JrDO4hhMo+WA9v2Yf2UN+DGamoaWmCxD2XG9gwpPFl5f4p9/PAlAdIt6RT5irjxV9e5LQPTuN3X/6Od7e/y1vb3mJP5Z5G/drCZccMCtvOvX1RxHYjt27p0HkEgvYgSj8IBIIWcW7aBEDMqFF8vNcJwCmj0iMubuxT6zwKLsXU+LjbTZElkQxnJR8Mm851XWRzT6DE0TOS44M8O+NZDtQcYETyiDb3PW/oecwcPJMlBUt4d/u7rCpcFSqeGmTe5HnMHjEbRe6cRawPVTnplxAu+A/3gtwCAQjPlkAgaAXu7XoOjJY7mM8362scnjd+QMS29SvCuwyNxZbf5cao+gHwyn37fq/YGQgjWnqG2Doh6wQuHXlpu/sbZSNn5JzBy6e/zOcXfs7vx/0+7PgjKx/hskWXsfzA8k4pzXDcw9+0qp2maZQ8/TTVX3zZ4XMKBJEQYksgELSIa4seelmhpOHyqozLSmD8wMSIbacOSyU72ar3i+DZ8ns8GAMJ1r5O8mD0VHpSzlZzzD9pfpv7DLAN4PqjrmdEUp2XzGa0sblsM9d9fR1Xfn4lW8s6Xul9xZ6yFts416yh9LnnOXDTTR0+n0AQCSG2BAJBi7i2bQNgoV1fAuWmU4Y1GY6JjzHyw19PYmRmHO5IYsstxFaQYBixJ+RsNcdJA09qd9/tFdtDrz+94FN+PfrXmBUz64rXMfuz2dz2w20dyuf61Ys/U+VoupBu0d8fxVtUtxj3vj9e3+5zCQRNIcSWQCBoEX+Z7h3IN8QxMNnC9OEte2L+cvoIkCT2x6aGj+X2hMKInm5e7qCr6S2erYbC+9wh57ZrnFRLKn+d9FcWzVrEaYNOQ9VUFuUt4vyPz+eWb29hXfG6doUXx93XdHiw/JVX0Fx1M2RrvvkmNPNWIOgshNgSCATNono8oarvtQYLsydlt2rx6HiLLqSyakvDx3M6UTQVAI/Sd3O2vKqXclc50PPFVkOO6XdMq9vKUuPLULo1ncenP867Z7/LjOwZaGh8XfA1Vyy+gos/vZhPdn8SsdZXczg9/iaPHbrzzrDtAzff0qaxBYKWEGJLIBA0i1pbt/yJ02jmjCMyW9XPYowcIvTXG68vJ8iXOcvQ0DDIBhLNidE2p1NJMCW03CjA0MShQHgdryCjUkbx1ElPsfDchczMnYlRNrK9Yjt3Lr2T8W+M56EVD+FXmxZRYWP9X9u8VarL1ab2AkFzCLElEAiaRbXbAXAqJmRFCSW/t0RME2JLtdeEXnv6sNgqcuh5QmmWtIjenZ7MtKxp5CbkAuHL/ETisRMf4/Sc0/nvzP822WZo0lD+fsLf+faSb7ly9JWh/W9te4uj3jiK2f+bjdPn5LMbp3Lp5Owmx1lboK/XmXT55S2+h4N/+WuLbQSC1tK7vuECgaDTUWt0ceQ0mMlOtmJUWvezkRFvBuDDISeEj1erj+eXZNQ+nCDf02pstQVZkvnk/E949+x3+eyCz5ptm5uQy2MnPsbwpOEtjptgTuDPk/7MVxd9hVkxh/ZvLtvM5DcnM/urqdx0ehqb7z2d08dkNOo/67nlAKT87rctnsv+1Vfs+8MfW2wnELQGIbYEAkGzqE69iKnDYCY3NbbV/eJijPxmSi4vHXEOzxx5AZuTcwDQAmLL24eFFvSe5PjmGJUyqkXPVnvIjM1k1WWruGDoBY2Onfr+qRz79nhmHL0/Yt8FKwowZrYuFF7z7bd49u3rkK0CAQixJRAIWkB16rkrHsXYJrEFcNLINJAkPhs8he1JgfBOpR7K6cv5WtA3xFZXIkkS9025j1+u+IUXTn2h0fH7V95N3Kh5mFLCC5vesXBjm86z+9TTwvIWBYL2IMSWQCBoFs2tiy23YiKnjWIrPqautIM/kJdkWLsKgDivs5Ms7JmUOAM1tiw9u8ZWtJEkieP7H8/GKyOLKHP6l8SNmoccU+fpKqp2QRuW7dk+8egO2yno2wixJRAImiXo2XIrBgantU1s1U+S9/fxsGFDggnywrPVebx6xqtMSJ8Q8Vhs7jPEjZqHYt3NMQ8twXp02wSUZ3/ksKRA0Br6th9fIBC0iOrSPVBuxcSglLaJLZOh7n7OH2HG3SVHZ3XMuB5Mb06QjxYTMyby2pmvoWkam8s2c+lnjddxtA56CQCVM2BV68fefcqpjNyyGUkWPgpB2xGfGoFA0Cw+hy62PIqRWFPbvFPmemIr0tI8zU3T7+30lqV6uiOSJHFE6hGsvnw1qy9fzVPTn2rUZs6gxRH7xs88s8lxy195pbNMFPQxhNgSCATN4guFEY2YDW0TW815th45+jIMfdRL4PA6sHv1+mXplt7h2arN/wMAzv0t17A6XJgVM2bFzIxBM9h45UYyqu4LHauxSnw6OTxvK+naa8i4++4mx3Pv2NFltgp6N33zl04gELSaoGfLrRjDxFNraE5s7UoYgNKKZX96I8HkeKvBis1ki7I1nYPqHIR96yP47EdE25QmuXn6Mdh31ImpRZPCP5OnJ73MHRsfJvebr+n38MOMWLuGkZs2EnfqqXoDY99ey1PQfrqF2HrvvfeYPn06SUlJxMbGMm7cOB599FG83qZXam+ONWvWcPHFF5ORkUFMTAy5ubnccMMNFBcXN9uvqKiIuXPnkpubi9lsJiMjg4svvpi1a9e2yw6BoDfgC9TZ8hpMbRZHpnoFUBsmyDsNZoxK3xRbouxDdMhOtoK/Lu+wLD7886fKEovzFjPpqzOQZp6EbLUiGQzYpp8IQNX7HxxWewW9h6iLrZtvvplLLrmEZcuWMXnyZM444wwKCgq47bbbOPnkk3E62zY9/P333+fYY4/l/fffZ9CgQZx33nnIsswzzzzDkUceya5duyL227FjB0ceeSTPPvsssixz/vnnM2jQIN5//32OOeYYFi5c2BlvVyDoMTg3bKD6iy/x1+g1hnwJeVS5q9o0hrkZz5bDGNNnPVtCbEWHI7MSW9126ttTGfvaWJYfWI5Pq1t/UXW7u8AyQW8nqmLro48+Yv78+dhsNlasWMEXX3zBBx98wM6dOxk7dixLly7l7mbi5w05ePAgV155JT6fjxdeeIGVK1fyzjvvsGPHDi6//HKKioqYM2cOmqaF9dM0jdmzZ1NcXMyvf/1rduzYwTvvvMPKlSt54YUX8Pl8XHHFFRQWFnb2n0Ag6Lbk/2o2B266Ce+6NQDUJB7gskWX4fA6Wj2GJEkMDtTmqu/ZcitGXIqpz+ZsieT46GLf+lDo9XtTdMH/yEWRP4vXfX0dZ5fW5XqVvfhS1xon6JVE9ZfuoYf0D/y8efOYMKGuNkpqairPPfccAM888wxVVa27m37qqadwOByccsopXHvttaH9iqLw/PPPk5CQwKpVq/jyyy/D+i1evJh169aRmJjIc889h6LUXRSuvfZaZsyYQU1NDfPnz2/3exUIehKqo56gytsDgN0Ce6v38uiqR9s0ltWsf5/qL8+TH98PJAlDHw0jhmps9ZLk+J7EkltPBGQ8Zfqane+doHDJPIW1w5q+HNZa6j6npc8+y97Lf822o8azdeQoSv/1As716xvdxAsE9Yma2Dpw4ACrVulFTubMmdPo+NSpUxk4cCBut5tFixa1asxgqC/SeDabjXPPPReADz/8MGK/c889F5utcbJqcLyG/QSC3or70MFG+0oSJCQkPtj5AYvzIk+bj8SmA9UAOAwxoX158fradH1VbAUT5EUY8fAzJE3/jXcXn467+DR9Z6Ca/NmDz+bFU1+M2O+aGxWcJv21Y/VqNJc+S7fkqafIn30pe84+h5offuha4wU9lqiJrXXr1gGQnJxMbm5uxDZHByr8Bts2h91uD+VjHd1EZeCmxgtut9Rv586d1Io1sgS9mFpvLVvKtnDHR39sdGx/0lSuOfIaAO796V4O1Bxo29jGOrG1Jn0EAEYRRoyyJX0ZBU/ZySTHJIf2PDztYY7rfxwbr9wY9vjiwi+oipW49gaFxy+Qeel0/bFknMS2EXqY3LN7N/vv+Vu03oygmxO1CvJ5eXkAZGc3XdRw4MCBYW2bIz8/P/S6qTGbGq8lW4L9NE0jPz+fMWPGRGzndrtx10uerK6ubtHu9uDaW4VrWwVSMLk4kvta0/AVF+MrLcWQmoohI6PJtcCaXSKspfXD6h32FhfjO3gQJSkZY9YAJIMhYruWTyFFfNkQf2Ulnr17kWNjMeUMQjMo+DU/PtWPiooiySiyAYOkIDWsXt7cKaTWnT9CxyaPSZIEkv4ZCh7T0ALPgX8lSd+Q6o5BXR9N0/Djx6+q+DUfAIqsYJANoUfwfaqaioqKP/C38Gt+3H43br8bp89JrbeWSncl5a5yyl3lVLgrKHeVU+tzgKZyzTfJKJnBi5DGzn4SxzlO4mrzyVRKB8krz2flj99zRu4ZYe9XCv795MCWBONR0ABT0mAKs4/DlJ1Ndcp4xiLBgRrcZkP4n06SwsaM+P8hSeGfm4ZtpcAfVtMif4abC/m0EA0K69pS6KiJw+YSiSHOgfS3p+DZb2+nHe1/D22yu1HThjmv+vN46sLErt2VTTRvMFh7I29t7dfg/R4TsFVC4pWjFuL1ezEqRpzbyyOOn0QMnxzxDl/kfc6hkYU4fQ5qvbWsHeZiLbBmgsYV36i4DTKOLWX4NR8+1YdX9aFpauD7acQoG5Ca+1Fp8n01PqBpoGkqWvDXIvCPioamafpvgOrHjx8JmRiDGYNkIPKPWhMn1kC123Ft2YJr2zbkmBhixozGPGw4ktncIfub2q26XLi3b8e1bTtoGjEjR2AeMQLZYmlyGCUlBnN2fFMn7xZETWzZ7foPTGxs08t/BEN6rREtwfGaG7Op8VqypX5osTlbHn74Ye69994Wbe0oxasLkVc1X8aijni8RR7YvK9LbaojCW+xhmv74VpHTP+CuXY0Pp/vMFkQTVSgtQVSJCAm8EjCRBbpQBNhrLHhm+OAceVQ+fo2rmamvnM/lH2/ucXz/pPA98oQCxOuBuC5wLHalzfTF33F/8dv9Rf5TopZH1VbOovQ/zNQ+lLkRaG7C4/Xs7XslZY/wwBG4GwmNd3gOLAC5a9vaXSofUWMOhdPh3ongPEYVD84fgHHLy07QDpGDPqvDji3gXNbQfOtR1oxXzWxi23qGGJtxE7k9ttv509/+lNou7q6OuQV60wObdmN220N2yepfkyeaiRNxW+IwafEoEVYHkXSVGTVixS80wvc9Wuh+63Afk1Dkw2osv4RiXQvpPjdyKoXTTbil41oktKsI6iRLWFbKkRYOy/YzuBzEuMqQ1Z9uMyJeEzxTbfXVDRJbtYW/W/gR5VNTY7TvL06GhpexY2EhEE1ImkRztsKR1lwvyr58cs+VMmPKvkBDVlTMPktyJocsQ+AX/ajSj7dIilwpyupeGUPHsWJ1+BGkkCRFN0bJhkwykbMihmTYsIkmzDZnXCgGPz+eoPrLw7GpqLGxTM0I45yZxkHaw4Sb4onOz678d2mqqGpwc8RFJTV4vGroSETYozYXfrlJye5wQ2OptWNV3e7Dhphd++NPS9a/Y9uyEPYkmM24h8z0o72ejgjbGqaGpazJUV00bXivJGON/eGWxq6DX0jHXd5VQ5VOkmxmYm3GBsdb7JrR/72zdjT3Mk2HaibdHXEgIT2jVUP1ePBs307AKXxYHWBxQNSc149WnGsjZ6iZh1+DX7z67x9EbxmkoIqK0iahqT5UawWlIQENL8ftaIC1RO5/IWGjCoryKqv7hrTrGVBv76MKhv0fqjIMRaUpESQJPwVFfhcHvxKDH7FjKx6MXprkDQ1NIrbYACE2IpIXFwcQLM5UDU1NQDEx7fsHgyOFxwzIaHxF6ip8eLi4igvL2/SlmC/lmwxm82YI7lWO5mhw2rY/diTVCYOoyJhKJWJQ/EZbUDgPfsCD1SsCSY0VcNV463nSW9LFWQVo7cGi6cCo8+B25SAw5ysixSMDcbyIxskYqxGJNWH5nahuZzgdiNrPozeWozeWgy+WiRNwxmTgsuSisucHBCGfiyOYuJq9hFn34fRW0Np6pGUJY9Ck00g99PDU37AqUF8DettyxmSnMsIxzCq9juodRtBkpFVF3HVe0ms2k1C9R4MXof+90oaTlX8YFTFhD6YhqS6sDhLiXGWIGs+/IoZnxyD3xCDXzZh8tZg9lQQY3ATOzgDhg6jqsZExT4HLrsXNBX9R8MNqJhjFcxxCpKk4feq+H1+1MCzJIFilJANEooBNFXF4/DhdnjQVBVQA+MFf0gkgqpBMcokZcSS3M+GpknYy93YS9047N56bRWQFMCAJBkAE0gWQCKpn43hkzIYf9ogFIMSusj77XaKHniAqo8/AcCQloZktWBIS0OtdVCSlMmVhtM4eqCRBdccxaaCJdz87aOMTR3LgrMWtPgJsji8XPiv5ewq1r9Hs8cO5O1Vuqc17y8nNhAbvZ8dFTv49SfXkmRO4ofZvSuhOifaBrSSY+Z9Fnqdf8N0XF4/5z+7jEk5ydx/ftsr4PtKStg57SpA924BOAAtdyTEJaEi4ZdkVE3CJyk4FRtOOQGnIQGXHIeMH4u/GotajVWtxqw5cEtWXEo8TiUBpxyHTzISq1ZjVauIVauI1ewo+PBKZnyyWX+W9OuPAR9GfBgkHxoKVXIylXISlSRRKyWCJGPUXFhwYMFBDC48mHFINmqx4Qv+rge/mm4w2Q2YrQbMA9Ix4kWpLkUuPYjPq+IwJFCrJOFVLHp7Gcw+O1ZvBbG+SiyqHSQJVdJv4DXZgFex4FDicchxuKXAX02BGItMfHos8akWNE2j2J+M3adPRgj+LEqGVJK9h0hz55HuyaNf1nFt/j873ERNbOXk5ACwb1/T4a3gsWDb5hg0aFDodUFBAWPHjm3UpqnxcnJyKC8vp6Agsqsy2E+SpLDzRIvki2aRdMF5+kVKltGQKC90ULinGk3ViE+1EJ8aQ1xKDAaj7t3SNA2v24+rxouz1I5fVZFkGcmgIMuyvpK9LOmOBRVUVcMUoxCXEoMpJvxjomkajmoPVSVOPA4fMTYjljgjFpsJY4wSdvF0VFdRvHM7XpcTNAktcDcSzDfRNA1V1XA5PBhMMgZjKpqWAhyFpqrYqipJKNxOcf4BqoqL8bqrAF20+Kv8DNc0ZOkX8iU5PIdF03ACxQmgJYAurHbrj+rGd1lOgPqOQI1w33/wT7An8GiGNtb9bDVe4FAFHNrWvv6FlVC4FX54Xd+WJFm/yfX7QdOQxuYiGYwYrFZSsgaSkTuUjMFD2e2w4f22CJMioap+UkzJyCqU1pTg9bh1L6ieQIIWeh3IJ9E0DKrKh78exVNfbOaTNXuhyM8AZyFGWWPvL+sCfVQ0VUVTtVC/0GtV3/Z5PNSUl2IvCzxKS/A4HYH8LTmgSaVAfpxU95rG+yRFwWyxYrJaibHGYrLGYoqJ0b8HIeo+x430YBPeqPB24Z2C34uC6gKO3JNAqiWJnz54KyyHRwp8F2VZRlYU/XXgWZJlJCT9ud77CXtfYX8LGUmWAv/PUuj3IthGP1b3GqTw9oG/hSzLGGNiMMZYMMVYUIzGXieQv9tezLZCO9sK7e0SW3J8AurgMVRWaThHTaEmbSTlnlictf6WO7eB8k4cyyvF4CWGapIjHrfEGfF6VHxu/T14nD48Th/2smCLODCOaHTvboxR8Lr8uA1xuA1xVNC6xeYVg4zfp+Jyqrj22ineWy+XUYKkDCspA2yUHaihotBBmSmLMlMW25jGMGMGp7Xx/R9uoia2xo8fD0BZWRl5eXkRZySuXr0aIKwGV1PEx8czdOhQdu3axerVqyOKrabGmzBhAmvXrg0db6rfsGHDIpaGONxIBkNY8rkEpGbFkZoV13QfScIUY8AUYyA+1dLs+H6fl+qSYpz2alz28AueqqpQ77WmadhL/VSXBC6Oqp+qkmKK9uykcPdO7KUlnfW2wwhEifQLlaah0rk/au0l7MIYuGjJslzvIld3sQy1kaXAxdWArCiBZ1m/cjcUH6o/JGiC/yf1j6s+Lz6vF5/Xg8/jaTYRWu+Hfp7gxVP146uxc2DbFg5sq8s9mQuQD09+oW9fgX7T8fSHF7b6bxMLXApwEGYF9n3w0Ket7t+bmEAi4Gf5L29G25Q2IysKRnMMkqKnDTQt/uTARysg/mQFW1IyiZn9SMzoR1Jmf+LTMzAYTYHvjP490NtLoZvAht8VXYwqGEymTnk/324rxuPXvyeKBttXFGIvc1Fb5aa2Un84a7wYjDJmqwGTxYjZakCWJWoqXdjLXNRUuFGz683grYDgTaFilJEVGVmRkGUJxSBjSzYHbootxKfE4POqVJc4qS5zUl3qoqbSjTXeRHxKDPFpFuJTLBjNMlUlTiqLnFQWO6gqcuD3qZituj1mqwFzrK58vC4fHpcfr0v/XUzJspE20EbaoHheKXyOz/b9jysH/ZZzMy6kplw/n8VmIj7NQkLgZt1g0u8+/T4Vt8OH2+ENPPtw1XpD+yRZIjHdSmKGhYQ0K0azgqvWS1VxwM5iBzUVbiRFQlFkFIOEbJAxxSjEp1pISNP/DjGxRtxOH/bA38Be5kL1a6QNiiM9Ow6Tpe6aV1nsIP+XUvI3lnJoZxXJ/ZrO/e4uSFoUK7FNnjyZVatW8cADD3DnnXeGHVu6dCnTpk3DbDZTVFQUMSzYkL/+9a/84x//4JRTTuGrr74KO1ZTU8PAgQOprKzk888/5/TTTw8dW7RoEWeddRaJiYns37+/UaL8KaecwpIlS5g3bx4PP/xwq99fdXU1CQkJVFVVtSoU2lryf1nH+i/+h8FowmAyoRiNGIwmFJMJg9GIYjShKErdRTnodQhdnIP71NBF2+1wUFl0iMrCg1SXlgRCWp2AJJGU2Q+zNTbsjjs4myzsLlz/5Q7dNUuyjDUunvj0DOJT04lPSyc+NQ1DIFQ76+NZVHuqefHUFxmSOCTsnHUvm78DDzveyrY1y5ZR8ug/8BcWImmQeO65xJ92GkqsFdli0ddTs1iRrRZkiwXJaAzM0JNbtEdTVfD79WdVRfOroPrR/H7w+epyocJ7RRzLV1GBp/AQnpJSfIWFuPLzqdp9kI3m46hKGAxoJJdtYsQwiZxrZ2OwxaCpGh6Xk5K9eRTl7aJoz24O7t4Fvo6l1xqMJrySQq1fxmQ2Yffq/78j+iU09rTISuA53MuiGAzYklKIS0klLjWNuJRUzLG2kKDUVH1mVp1XTX9Ga7xP9fvxOB24HbW4HQ7ctbW69zX0F63vJW3w124iF6X5WYp125tLt7C5dBO5CbkcnXF0vRZBQa3PItNU3c762w09iHXf4+B7DbxPVQuMp9a1b+ApDOsfEvV1Hsn6N1VetwtfN1umxhKfQHL/AST10x/xaen6zU7o8yQ3+gwFP2e/evFnVORAbqPEn04bwX8W72Kqy0SSphAK37chWU+SJWyJptCNb0qWjZT+sSiB6EL4b03kcYJtZEXBmpDY7O9F8HPYVi/jwp0L+b/l/8eE9Am8duZrberbHXE79BSZmNjOXSS8s6/fURVbH330ERdccAE2m43vv/8+5HEqKyvjpJNOYuPGjdx666089thjoT4LFy7k9ttvZ8CAASxZsiRsvIMHDzJs2DAcDgcvvvgi11yj1wTy+/1cffXVvPHGG0yaNIkVK1aEfUA1TWPixImsW7eOK664gpdffjlURf7FF1/kuuuuw2azsXPnTjIzM1v9/rpKbG34ahFf//u5lht2AIPJTGxiYuAHSwl5aIKhCLmJO05JkrHEJ5A5eCiZQ4aRnjsUs9Xa8gnbiN1j5/i3jgfg5zk/E2s8vHc2/ppaSp58kooFC1qeRt+QoCdJlut5lHSRdTjQkNg/5nx2pZ2MRjBUJJE8IJb0QfEkZlhxO7w4qj04qz3k7a8iv6oCW24cN/96HGabibM+nEmlp4r/nvVfhiYNq+fRaODNqCeeH/18G899t5vsZCsF5Q5MisyOB888LO+5O/HAzw/wzvZ3uO7I65g7fm60zWk1qurH63LjcTnwulwhgdZY/AVfq4Gbg4DX1e/DXlZKRaF+U1dZdIjqkmJdUIaFkes8uGpALPZFEjP6MeL4aYw4bhqp2TmdFrrdW72XsxeejVE28tOcnzArXZ9n3ByaplF+YD8Htm9BjfAbGPlth+9MyRpI1qi2h3+bo7Ov31GdjXj++edz44038vTTT3PssccyY8YMYmNjWbJkCZWVlUyZMoX7778/rE9VVRXbt2/HFajeW5/+/fvz6quvcumll3Lttdfyn//8h5ycHFatWsWePXvIyMhgwYIFjT60kiTx1ltvMW3aNF5//XWWLl3KpEmTyMvLY+XKlRgMBl5//fU2Ca2uJGvUWE69di4+jxe/14PP68Hv9eLzePB59X2qzxfIuZCon5vRMJcjuG00m0nM6Bdy8ccmJXfrvIxgQc3kmOTDLrQAFFssmXffRfzZZ1H24kv4SktRnQ40hxPVqT+0CJ9RIFggRxdYbUGSQGk8w7Qp5NhYjP36oSQlYszIxJSbi2lwLpaxYxmdmcn4fXZWfppHUV4VTruX0n01lO6raTSOBOQSB7thwX2/MGB4IqPl6ayJ+Z4Kvx1TTPNh6SCKLOmzE8v1pYA8/k7ynvYwQkv19LDq8bKsYLZau+TmqTm8Hh+OKjduhwdXjRe3w4vX7UFTq/C6S3FUFlNx6AA1FWUhz2B46F3fVlUV1a+Lur2l+udcRsOqaiiBGa1+ScWDPuElMcbQOi9mgx3NeUWbbNfgmN/vp7LoECsWvsuKhe+S3D+LnHETUEymcM9dwAMsy0pd+LbezTCB3/bMocNJzcpGkmWy47JJiUmhzFXGptJNTMw4vLP4NE3D5/Wwf8sm9qxdRd66VVQVF3VozCNPOaPTxVZnE/XSD/Pnz2fKlCk8++yzLF++HK/Xy5AhQ5g3bx633HILpjbG5S+++GIGDx7MQw89xI8//si6devo168f119/PXfffTcZGRkR+40YMYJffvmFBx54gP/9738sXLiQhIQEZs2axZ133tmqvLHDRUrWQFKyOr+kRE9iv12vq5Vly4qqHdbx47E+H9nLqPn9qE4X+LyhO/7gQw/vEJh5iB5ilGUI5HwRCIfU325NGLItpA2M46w/HommadRUuCneW03JXjtVpU4ssUasCSas8Wa+2FXMivVFHGu0YLT72L+tglGcxChOYsMmF4cGrCa5fyzJ/WJJ6qc/25LMSJKEqmqU7LWzd3MZpuUl3FIVw16DyrcWLxVKz/FYVBTWUrinipQBNtIGxtUVFG4BTdWoKHRgSzaHJprkV+UDkBnbPW7euhu1VW4Kd1dxaE8VhburKCmwo/qb+qzIKMb+xKcMJjbRHJjgo6H69Yk3fq+K2+HFVePF560T9xkN0lvdaCyxetlsrCt7kv/IWV3zBluBx+Vkz5qVbP/pR/LWr6H84H7KD3asdmFMXDxZI0eTNWosx7lHsK5kLSuWLSYpR23glawXjq4Xig+KJHtpCdUlxfqjtBhXTU1d/mf9cdDqPJv19kdCMRgYMHK0nhZQnwjNIwXj0nMGd+hvcziIahixt9NVYUQBvLrpVR5f8zhn5p7Joye0bWFkQdt4eNFWXvhhD9dMy2Xu5Bx2ryvh+x/WYii1IRPZ02Y0KyRmWLGXuXDVNi7p6EdjtdnHv/8+I2y2q6Zp2MtcFO+1U1nkCCUpO6o9xCaayRqRxMBRySSkWzokPF01Xkr32yndX0PZ/hocdg8J6VaS+8WS3M9KYkYslcUO8jaUkv9LKZVFdQtzWxNM5ByRwqCxqQwclYzR3PhvUFFYy/afC9m+spCacjeyItFvaCLJw4zcue9mqq0l/DD7BxLMjXNRVVWjsshB6X47ZouR1IE2YhOaDvVomkb5oVoO7qjk4K5KivOriUuJYcQxmQwZnx6WWNxd8br97FxdxOYfDoTPQgsgGyQ9EdyiJ4LLioS93EVthbtNUUY93QF8PpVgRby9Bj+fW7xUNxD/G/7vNBKsnZsH1B7cjlp2rfqZ0n179fCqWj9MW5dvFwy5ag0mMLns1Rzcua3b5dzZklMYPH4SuRMmMeiIcRhjYlrudBjpVTlbvR0htrqO+3+6n3d3vMs1Y6/hxgk3RtucXslz3+1iV3ENcWYDr/20l+tPGsJfTh8JwFNrnuKVX15lTr+rmJV6KRWHaik/5KD8UC1VRQ7Ueon8phiFgaOS2a34eXPbIY5zGRjs0wVKbIKJo07Nxmn36p61fXbctS3X/rclmek/PBFFkfG6/frMK7cPn0fFbDVgiTNhjTNhidfLFNSUu7BXuLGXu6gpd+F2tG19AVmRSMuOo/xgLV53XV6JbJCIT7FgjTdhjTdhiTNRvLeaorzqsL4NPTNui52huYNC4sFsNeL3qhQXVFOyryY03T6IJd5E2kAbKf1tqKqGs8aD0+7FafdQU+6OKGhBnwk3eFwqQ4/OQFYk3LVenDW6p8dV68Xv1/Q08OA/mqbPNnN4cdX48Hr8ZI1IYsy0/qQPat9vmKZpqD4Nr0d/T0azgmLQcwXLDtSw+ceDbP/5EJ7AzDkkSOlvI3NIAv0Cj7iUmIji2u9TqalwUV3mwlHlQZYDYbXAzD/ZIBETayQm1og51ogpUJpmy8FqZs7/ERlQm9Ds54zrzz8vHd+u99zd8Pt8FO3Zxf6tm9i/ZSOlpQfJr96LLMmMTBnZKM2kYTmR4LZiMGBLSa2bsJSWjjU+URexgZSVhqVWGuZuBsOfMba4bp2q0qtytgSC9rK/RnepD4zr2+HUrkLTNB79XK+IPSxdd+3HGOo8OGnWNFTZT1FMAcOODg/N+/2qPu270EFMnJGM3HgUReb573ZzcNcBPoj1MMQnc7LTCFUelr2/K6y/rEikDNBncsUmmbElmrHEmagorGX/tgoO7amipsLNjhUdy/OIT40hZYCN1IFxxCaYqCp2Un6olvJDtdjLXJitBgYdkULOkakMGpOCyWLA71U5sLOC/I1l5P9Sir3MRWWRI8zzBboHJXt0MiOOzST3yFRqKtzs3VzGFz8sw1yUhNkZx74tTVdNMphkUgbY8Dh9VBY5cFZ7KNhcTsHmyH0MRpnMIQn0H5ZIZm4CRXur2bGikIpCBztXF7NzdWuX92rMlhInW5YeJC07jtFT+zN8ckaj2nsep4+yg7WUHagJPapLXXjdfrxuf6NZtLIiYTApeJx1ojc+zcKYaf0ZeWw/rPGtSx9RDDIJaVYS0tqWRxZrVkCqKx0ciU83HGRAooV5Z45s09jdEcVgoP/wkfQfPpLJ512EX/Uz9e2p1HhruOzsJxmVMiraJvZ6hNgS9EhCOVtx0c3Z6q04PHWelcJqPdE/rt4FNtWSCkCps7RRX0WRA+G48IkLSrBeqAS7jSo5Y+L5Y/909m0tJyHNSvqgONKy40jpb0MxRl5C6eiZuXg9fgp3VVGYV4UkS5hiFIxmBaPZgMEk43b4cNo9+mxKuwdV1YhLisGWHENccgy2ZDNxyY2L9dbH5/Hr3hEl3A7FKJM9OoXs0SlMu2QY1aVOasrdOOweHFX6Oa0JJoZOTA8L/SVmWLGmGriu8Cnc2V6eGvUCGdKAUN0it8OLhETqQBtpg+JIyoxFDuSFed1+yg7qkxfKD9ViMMhY4kxY4ozE2IzEJphJ7h8b8hYBDBydzMQzBlFSYGf7ikL2bSnHYFKIiTXonh6biZhYA4pRJrS8USBBxmQxEmPT22mqXndq97piSgrsfL9gO9+/tR1ZkgJdgsWJm/xTRkT1a3icPiRZYvC4VMZMG0DWyKRW58J1lFhz6y59//p+N3MmZ5OdcngnBXQ1iqwwLn0cyw4sY23xWiG2DgNCbAl6HH7Vz8Gag0D0E+R7K1XOurCU3aV7H2wxdfkraZY0AEocrS9aKzcIGdx+9iiGpscx8YycNtlmNCkMHJ3MwNGRK193BsGCjs0hSVKbvCorDq2g1ltLmi2NacdOQG7lmpxGs0JmbgKZuS3XGmxoX/qg+HaH/4IMOiIFZ80wtv9cyOYfD1JZ5ECNoK5iE82kDIglpb+NlCwbiRlWzBYDBpOCMUbBaNKFndftx+fRPV4xNn3licNNqq315Q6W7iplTkrrqqD3JCamT2TZgWWsKVrDZaMui7Y5vR4htgQ9jiJHET7Nh1E29rjp8z2FalfjHKD6nq2g2Cp1lqJpWqtyL5QGXovWehd6C0sK9LqAJ2ef3Gqh1V2w2EwcdUo242YMxFHtqVvCIYDBpGBuZSK+YpChkwtQdiV3LNxIWY2bG2YMi7YpncqEDH2G/dqita3+DgvaT8/6xgsE1IUQB9gGoMitrzslaD1Bb1Z9MuPrZgulWvUwosvvosbbuDZXJBqKLYux7/zf+VU/3+77FtDFVk9FkiRiE8zEJpr158CjtUKrp/L4VzvwR1y9oedyROoRmGQTZa4yCuyR1wUWdB5CbPVAat0+iqpdEeuNdAaqqrG3rBaX9/CtNxiqw9IMNW4fhVUuCqr1hcEHxA04HKb1SWoiiK0js+rCWBaDhTijXqyoxNm6UGLDMKLJ0Hd+ftaXrKfcVU6cKY5JmZOibY6gHSzb1Tg/sSdjVswckaoXAl1btDbK1vR+evftSC/lu+0lXL9gLQkWIyMy4hieadOfM+IYmm4jwWLEUC+xt9juYu3eStbtq2BdQSUVtR4mDkriuCEpHD8klbQ4M16/yoo95XyxuZCvthRRWO3CpMiMG5jA5NxkJuemMKpfHOW1Hg5WOjlQ4eRApYtql5dEi5Ekq4mkWBNJViN+VaOkxk2J3U2xXX+udnrx+lW8fg2PT8XrV3H7VNw+P06PH6fXj8kgMyDRQlaSlQFJFtLjzBRVu9lTUkNeaS3Fdr1OTGzmD8hJsLcwhue/201uqpUYo4LJIGM2KJgNMiaDjEkJPAceEnU18oK6zqhIWIyKcKHXw+dXufrVVWH7Thye1uhvlGpNxV5lp8RRwuCElosKNvRsmZS+I7aCIcTpWdMxyj0nhNabOSY3mRV5Tc8IbcgVL68k7+GZveq3YmLGRNYWr2VN0RouGHZBtM3p1Qix1QMpqnYhS3oS88r8clbmN/7BMCoSMUYFoyJTXtt4EeGdxTW8vUr3EA1Nt1Fid4clRSuyhMevsiq/glX5FTz77e6ue0MBXF6V3SW17C6pbbKNLIFfLkMGdh008/dN2zp8XpNBJiXWRJLVxOj+8Zw0Ip2pw1JJsPS9i6Jf1dh0sLrR/oz4xgnFaZY08qryWu3ZUsIWCG8svnormqaxZK8utmZkz4iyNYKO8K/v9/CH6UNabthDmJAxATbCmqI10Tal1yPEVg/kN1NzmXNMNntKatlRZGd7kZ0dhfrz/gonAF6/htevh4JkCYZnxDE+O4nx2YkkWU2szCtj2a4ythyqZlexnnOTEmvilFEZnH5EBscPSaWwysXKvHJW5JWzMr+MfeVOkqxG+idaGJBooX+ihUSrkSqnl4paDxUOLxUOjz4LKs5MWpyZNJv+nGg1YlJkjAGPk1GRda+SScFi1B8Oj58DlU72Vzg4UOGkqNpNRryZ3LRYclNt5KbEYjUrXPLpa+yqgnNGH4G/pj/7yh0BL5mKJ/jwq7i9fjwBb1pzeHwqh6pcHKpyseVQNe+v2Y8iS0zMTmL6yDROGpHOyMzuXYCvMyiudjH5oSURj2XEN67uHCr/4GhdeEWuJ65MSucuPdSd2Va+jYO1B4lRYjh+wPHRNkcQoD1JGKvyy/kDvUdsHZV2FLIks79mP8WOYjHhqAsRYquHEmNUGN0/ntH9w6d11w/LOT1+XF6V7BQrtgYzv04drReiLK/1sGZvBQkWIxMHJYV5G3JSY8lJjeWSSXrhUI9P7fI8m5zUlheVLnUdAuC64yczInlEi+1VVQtb9Dh4jZfQvXe6UPRQXO3m5z1lfLu9mN0ltSGv4aOfbyc9zszEQUlMCAjWIwYkEBMhwbvE7mZ7oZ1thdWU1nhweev+P7x+lVSbmX6JMfRPsNAvIYb+iRYyE2IwtiKkVlTt4qfdZazIK8Ph8ZNoMZJo1UO3SbEmBqfaGNUvLiyEHMTt81Na46FffEyY6Amyv8LBnJdWNHnurKTGi02Hyj+00rNlqHfeuJi+4zX8uuBrAKYMmILF0LpFuwVdz8RBSaxsQxgRYERmXMuNehA2k40RSSPYWr6VtUVrOSP3jGib1GsRYquXoecsKSS2sn1yrCkkvFqiOyQ02z12Kt2VQOsLmsqyREwTsxZNBhmb2cDAZL1W0imjM7jr7NHsK3fw3fZivttewrLdpRTb3SzeVMjiTYWhvhnxZgYlx5KVZKHI7mJ7oZ3SmsYh25ZQZIkBiRZyUmPJTbGSkxpLvwQLSVZdTO0rd/Demn18sbnliulWk8JRAxM5elASFpOB/NJathZWs/lgNX5VY3BaLA+eP5bjhqSE+uwpqeHX/1nJgUon2clWrjtxMDazgbzSWp77bjcmRWbasLRG50qztk1sWevVrspO7juiQ4QQuyc3zRjG8981To94/rIJ/OFNPWHcYlTYev8ZPP7ldv75zS4qHZGXRerJHJF6BFvLt7KjYke3EFuapvHL/ioWbyqkvNbNoJRYBqfGkpsWS05KbMSb3J6AEFuCHsWBmgMAJMckE2ts2QvWXgYmW/n1cTn8+rgcXF4/G/ZVsragkrUFFawrqKC0xkNRtZuiajcr8+v6SRLkpMQyIiOO/okWrCYFi0khxqhgkCVK7G4OVjo5WOUMhS49PpWCcgcF5Q5+aMGuUf3iOWGYPqmhwqGHbisdHspqPGw5VI3d5WP57jKW7y6L2H9PSS2XvvQzF07IYt6ZIymscnHFyyuocHjJTY1lwTXH0C+hTgj9/kQ9ZBLpB65+ra3WYKtXp2tSbtcVJO0uaJrG5rLN7K7ajUE2cOLAE6NtkqAeMUaFK48bxGs/7Q3tkyTd629SZDx+ldd/OxmoK4Ja5Wz7zVR3p7+tP6DXL4wWQYG1aOMhPtt4KJQOE4kBiRbG9I/XIw2DkhjbRJShuyHElqBHEVqm5zBWjo8xKhwzOIVjBuveIE3TqHB42VtWS0G5g/0VTlJtJkZkxjM8w4bV1PqvlaZpFNvd5JXWkl9aS16Z/lxsd1Pl8FLp9GIxKpw+JpMLxg9gbFbTVcT9qsbOYjur8ytYs7eC8loP47MTyUqyMj47kdRYM//4chtvrijgg7X7+WDt/lDfkZlxvHr1ZDITwnOzmvsRC3m2WllFvn6drssmD2pVn+7MzoqdrC9ZT4mjhDJnGYdqD1HlqaLaXU21R3/4VD1v8th+xxJvEovRdzca5g2+e91xGBSZHQ+eGbY/0aqHvRdtLKS3kRmbCUBhbde/N7+qsb/Cwe6SGnYV17C7uJZdgdf1J2hZjAonj0pnWLqNgjIHe0pr2VNSQ7XLx4FKJwcqnXy5RReHRkXiV5MG8sD5Y7vc/o4gxJagRxEqaBrFGluSJJEcayI51sT47KQOj5URH0NGfAzHDk5puUMzKLLEyMx4RmbGc/mxkcXMA+eP5YLxWdy5cCPbCu0AHDc4hX/9emKbZ182tz5iJAan2Xj+sglkp1h77FpzhbWFLM5bzOK8xWwt39qqPhaDhctHXd7Flgnaw+XHDuLV5fmh7aMGJkZsVz98qKpaxLzHnkqmtfPFlqpq7K9w6pO3iuzsLLKzvaiGPSU1uH2Rl/+2mhROGpnOWWP7cdKIdCwNlswK3uTuKq5h/T79hnJtQSUldjfxPSAHVIgtQY9if83h92z1NiYOSmLRjdN48usdJFiMXH7soHa54YNhxBpvDQ6vA6uxZQF15th+bT5Pd2BP5R7u/ele1hbXFX80SAYm95vMANsAkmOSyYzNJCkmiXhTfOiRFJOEWTH3mZmXPY2h6baw7aYmqtT3KH+zrZhTWpnn2hOo79lqy7I9hVUuPli7n+JqF3aXj2qXl2qXj2qnl71lDpxNFMU2GWQGp8YyNN3GkDRb6HlIeixmQ9O/Q8GbXL3uo56GoGm6qGvNBKNoI8SWoEcR9GwNjBsYZUt6NrIscetpLc/kbI5YYywWgwWnz0mps5RsY+9brDfIgm0LQkJrQvoEzh5yNjOyZ5Ac0/tzzwQwoZ4H+6a31/HQrLHc9PZ6Lhg/gMcvHtejPV1WOVmfma162FR4gFHp/SPOaA6yv8LBv77fzbur9ofN8m6IySAzJM3GiAwbwwJFt4dn2MhKsnZajT1JkkKTm7o7QmwJehQhz1YrZyIKug5Jkki1pLLPvo8SZwnZ8b1XbAVDpdcdeR1zx8+NsjWCaHD0oCRW762g1uPnprfXA7Bw3QEWrjvAb6fm8tupufRP7FmzbH/aXcaf39uAP82GbLBz3gufIXsGkpVkITsllpwUK9nJVgalxGIzG1i4bj8frj2AL7BO5KScJI7JTSEuxkC8xUhcjIG4GCMDkyxkJ1ubFW19DSG2BD0Gv+oPzUYUYcTuQZolLSS2ejNlTn125/Ck4VG2RNBVtFTa5tGLjuTkx7+PeOw/S/NYsKKApy8d3+pSOl2NqmpsPlhNtcvL+OzEsIk7Lq+fx7/czr+X5qFpkJCShIodk7kal0sjv8xBflnTs6OnDE3hhpOHdTjPtC8hxJagx1DkKMKn+jDIBlHpuJvQ1iryPZVyl178MsUiLi69jQ/+cDzvrd7HX88Y2Wy7wWk2vv7TiawrqOCIAQkMTLbyy/5Kiqpd/Ou7PWwvsvPwoq0dFls/7S5j3b4Kjh6U3KjQdEvYXV6W7SplydZivttRQklgPVmTIjNxUBLThqcyPD2Of3yxne1F+gSZSycPpCZhKN/tL+Cu8/pzcv+T2VvmoKC8lvwyBwVlelmaSqeHERlx/GH6UCYO6tjEoL6IEFuCHkNoJqJtAEoTRUoFh5eg6O3tnq2g2BI5Wr2PiYOSWi0ehqbbwpLqjx+i32yM6hfPGU/9SKWz/UVPdwTE2rfb675LwSXUThuTQW5qLLsDS7TtLLKzo6iGompXYEkyfZkytcEaRLEmhQSLkYNVLn7aU8ZPe+rq76XaTPz9wiOZMSqDv6/Ua20VO4roH1iKrX7hY0HHEWJL0GMQ+Vrdj7aWf+iJuP1uarz6+qFCbAkiEZwN52+odlpBUbWLp77ewTur9qFq+rJWU4amsq6ggrJaD++s3sc7q/e1erycFCsnj8zg5JHpTMpNwqTI5JXW8uPOUn7cWcqG/ZVMzk3mvnPHkBIo1no4a231VYTYEvQYolHQVNA8bS1s2hMpd+peLYNsEIVJBRFRAuUSWiu2NE1jZV45r/+8ly82FYYSzs8Yk8lfzxjB4DQbXr/KyrxyvtxcyJdbiiiv9TAkzcbwwOy+Yek2BiZbMRtkjIqMySBjNsgkWk2Nzjc4zcbgNBtXHp8T0Z6Q2HIIsdVVCLEl6DGIsg/dj6Bnq6vDiJqmUeIsocJVQbGjmFJnKUkxSZyYdWKX17Aqc+mhl+SYZFEvSxCRYF5VfbFVYnezfl8lRkXCajJgDSzb9dOeMv77095QzhTA5Jxk/nrGCI7OqfOcGhWZKUNTmTI0lXvPO6JNNbDaSlBsHao91CXjC4TYEvQgREHT7kdb10dsKwdqDvDe9vf4PP/z0EzU+rx6xqtMzJjYJecOEkqOjxE5LILIGJQ6sbVhXyWvLs/ns18ONVuHymJUOH/8AC4/Npsx/ZtehitIVwr9YBX5EkcJftUvcmK7ACG2BD0CTdPIr84HRM5WdyIotirdlXj8HkxK4xBGW9E0jTVFa3hl8yv8uP9HNHRvgSIpJJgTSDInsbtqNwAF1QVdLraCZR+SLSJfSxCZYBjR41c579llof3D0m0YFRmn14/D48Ph8dMvIYbZk7K5cGJWm5fI6ipSLakYJAM+zUeJsyTk6RJ0HkJsCXoEh2oPYffYMcgGBicMjrY5ggAJ5gSMshGv6qXUWUp/W/8OjffzoZ95cs2TbCnbEtp3bL9juXj4xUwdMDW0JNBdS+/i490fh0J8XUnwHMKzJWgKc73lrkyKzNlH9uPK43MY18Rai90NRVZIs6ZxqPYQhbWFQmx1AUJsCXoE28q3ATAkYQhGpXvcDQr00EaaJY2DtQcpcZa0W2xtKNnA/LXzWVW4CgCzYubcIedyxegryEnIadQ+6GUKhvi6kqBnS4gtQVMkWIzcd94Yat1+LpqYRVqcOdomtZnM2ExdbIkk+S5BiC1Bj2B7+XYARiR3bD0/QeeTak3lYO3BdhU23Vy6mWfXP8uPB34EwCgbmTVsFtcfdT1JMU3XPgoKn8MhtkSNLUFruOK4nGib0CGCeVtFtUVRtqR3IsSWoEewvSIgtpKE2OpuBPO22joj8bM9nzHvx3mAno917pBz+cO4P9DP1q/FvkHhEyzL0JVUuCoAmhV/AkFPJ9Mmam11JUJsCXoEwTDiyOTml9QQHH7aW/7hk92fADA2dSyPTHukTQtZh8TWYfBsVbiF2BL0foKeLVH+oWsQS3ILuj3VnurQtH8RRux+tLf8Q6W7EoA/jPtDm4QWHF6xJUo/CPoCoop81yLElqDbs6N8BwD9YvuRYG65Ho3g8NLeKvIOrwMgNMOwLQTFVoWrAlVrupZRR9E0TYQRBX0CIba6FiG2BN0eka/VvWnv+oghsWVov9jyaT7sHnsLrdtPrbcWr6ovLizElqA3ExRbZa4yPH5PlK3pfQixJej2iJmI3Zt0azoAxY5iQL8zbo23yeFrv2fLqBiJM8UBdaUZuoKgV8tisGAxWLrsPAJBtEkyJ2FW9JIVRQ4xI7GzEWJL0O0RyfHdm6Bnq8xVxhWLr+DU90/luq+uayS4fKoPTdOrwWuaFhJbscbYdp03mEPVlYVNy916vlaSWXi1BL0bSZLIsGYAIpTYFURVbNntdu644w5GjBiBxWIhNTWVs846i2+++abNYzkcDv73v/8xd+5cxo0bR1xcHCaTiYEDBzJ79myWLVvWZN+rrroKSZKafbhcro68VUE78apedlXuAoRnq7tSv/7UuuJ1gF4JfkPJhtD+z/M+Z/wb4znureMAcPldITHWnjBi/fN2ZZJ8sLSECCEK+gIib6vriFrph+LiYqZNm8aOHTvo168f55xzDkVFRSxevJjFixczf/58brjhhlaPt2DBAq655hoABg0axIwZMzAYDGzYsIF33nmHd999l/vvv58777yzyTGmTJnC0KFDIx5TFLEwZzTIr8rHq3qJNcYywDYg2uYIIiBLMkekHMHW8q1cOOxCtpRtYVPZJq5YfAWn55zOoyc8yl9++Aug50AB1HhqQv1jDDHtOu/hEFui7IOgLyHEVtcRNbF17bXXsmPHDmbMmMEnn3yC1arf3S5atIhzzz2Xm2++mRNPPJEjjzyyVeMZjUZ+85vfMHfuXMaPHx/ar2kaTz75JLfeeit33XUXU6dO5cQTT4w4xu9+9zuuuuqqDr83QecRDCGOSBqBLImod3flP6f/B4fPQaolldc2v8amsk0AfJH/BV/kf0GaJS1Uh8un+nhwxYOhvu39fz0sni1RPV7QhxBiq+uIytVry5YtfPzxxyiKwn/+85+Q0AKYOXMmV111Faqq8vDDD7d6zCuvvJL//Oc/YUIL9Dj0n/70J2bMmAHAG2+80TlvQnBYEMnxPQOr0RrK3RqXNq7R8foFTyvdlSwpWNLhc4bWR+zCKvLBBHkhtgR9gZDYEusjdjpREVsLFy4E9LDdoEGDGh2fM2cOAJ9++iler7dTzhkUYfv27euU8QSHh20VIjm+p3FU+lHcecyd5CbkRjzeWZ6owxJGFDW2BH2IYBV54dnqfKISRly3Tk+iPfrooyMeD+6vra1l586djB49usPn3LlzJwD9+jW97tq3337Lxo0bsdvtpKSkMHnyZGbOnInZ3PNWcO8NaJoWKmgqamz1LGaPnM2vRvyKCz+9kJ0VO8OO9SSxJWYjCvoSIozYdURFbOXl5QGQnR15iY74+Hji4+Oprq4mLy+vw2Jr48aNfPbZZwBceOGFTbZ7/fXXG+3r168fL7/8MmeccUaHbBC0nWJHMRXuChRJYUjikGibI2gjkiTx2hmvcfxbx4ftL3eWY5AN+FQffzn6L+0eP1j64XB4tkQYUdAXCIqtak81Dq+jXTXwBJGJShjRbtcrPsfGNl1fx2azAVBdXd2hc9XU1DBnzhx8Ph+nn34655xzTqM248aNY/78+WzatInq6mqKior48ssvOf744zl06BDnnnsu3333XYvncrvdVFdXhz0E7SdYOT43IbfdM9YE0SVYeLQ+Jc4S/KofgJmDZ7Z77GDOVlfW2RJhREFfIs4UF6p7J/K2Opc2e7b++te/8sknn7T5RP/+97+ZOnVqm/t1BK/Xy8UXX8ymTZsYPHhwk8nxt9xyS9h2XFwcp556KqeccgoXXHABH3/8MTfffDPr169v9nwPP/ww9957b2eZ3+cJzUQUyfE9mpMGnsS3+74NbX+771s09OKmHQnPBT1bdo8dj9+DSTF1zNAGiHURBX2RTGsmu6t2U1hbyOCEwdE2p9fQZrF18OBBtm/f3uYT1dTU1dWJi9Pvdmtra1tsHx8f3+ZzAfh8PmbPns3nn3/OoEGD+Oabb0hLS2vTGJIkce+99/Lxxx+zYcMG9u3bx8CBA5tsf/vtt/OnP/0ptF1dXd1se0HzhCrHJ4nk+J7M/JPm81neZ/x08Cc+2f0Ja4rWhI4pcjvr1/l9xGlgkAz4NB/lrvJQCKSzcPqcuPx6MWMRRhT0FTJtdWJL0Hm0OYz43//+F03T2vyon/OUk5MDQEFBQcRz1A/BBdu2Bb/fz2WXXcaHH37IwIED+fbbbyPOemwNo0aNCr3ev39/s23NZnMo3yz4ELSfHRV6cvzw5OFRtkTQESRJ4uzBZzM0MXLB4HbxyQ3I/xhKUnB9xC4IJQZzwcyKud1V7gWCnoaYkdg1RCVna8KECQCsXr064vHg/tjYWIYPb9uF1u/3c/nll/Puu++GhFZubuQp6K2hrKzuRzzokRN0PbXeWgqqdTEuZiL2DmwmW9j2olmL2jeQuwY2LAC/h2RHFVCXW9WZ1A8hSpLUvkGqDsAXd4JdLOwr6BmIGYldQ1TE1vnnnw/AsmXLInq3FixYAMA555yD0Whs9biqqnLFFVfw9ttvh4TWkCEdm8X29ttvA3o4c8QIcdE/XOys2ImGRrolnRRLSrTNEXQCwTtmgDEpYxgY184Q+/5VoZdJHj0VoUvEVnCpno6UffjPafDTM7D4r51klUDQtQix1TVEpfTDmDFjOO+88/j444/57W9/yyeffILFYgFg8eLFvPrqq8iyzO23396o7xVXXMHKlSuZO3cuc+fODe1XVZWrr76aBQsWtElorV+/noKCAmbOnInBUPfnUFWVV155hTvuuAOAG2+8sU3CT9AxRHJ87+O4/sfxqxG/wq/5+f2Rv2//QPtWAKAh0U+ykWFKpcZR0+mLxVfXVtPP1I9ca277xvbUgiqBbSCU5EEXLGavKAoGg6H9njeBoAGiinzXELW1EV988UW2bNnC119/zZAhQ5g2bRrFxcV8//33aJrG/PnzI66LWFBQwPbt2yktLQ3b/8wzz4TqZA0ZMoT7778/4nlHjhzJvHnzQtv5+flccMEFJCUlMWHCBDIyMqisrGTTpk0hr9ull17K3/72t8566x2mxlNDlacKRVL0h6w/G2RD2HZwzTm/6qfaU02lu5IqdxXVnmo0TcOoGDHJJkyK/lA1Fa/qxeP34FW9+FQfBsmAUTFilI2YFBOyJOPxe3D73Xj9Xtx+N27VjU/1oWoqftWvP2vhz8HXPtWHX/XjVb3IkoxZMYfOH7RFkRS+2/cdIMRWb8IgG7jr2Ls6PlDBT3hiUjk07R+cIVs50WDE5rOG6vd1FhmeDG4behsWg6V9Y3scMOVx/bVsgE62D78XHGVYPaX0m3weJlPnzsYU9E3q52xpmiaEfCcRNbGVnp7O6tWrefjhh/nggw/4+OOPiY2N5fTTT+fPf/5zaC3D1lJeXlfYsLmaWCeeeGKY2Bo3bhw333wzq1evZtu2bSxbtgxN08jIyOCiiy7i6quvZubM9tcC6go+z/+ce39qucSEhIQiKfg1f2iqfU9DiC1BGJ5a1IKV5B3/OEraaLKsfqpklXjZSEZiTqeeqsRRQow7hkRzImnWts1kBqCiALz1LlSp2dDe2ZcNsReiOZx4YhMoqTKTt2c3w4aPQJbFYu2CjpERmwHos3GvX3I9Ghp+1R+6WfZpPnyqD6/qxev3hp5lWcYkmzDKxtANeugR2JaQ9Pb1Hj7VF7oJV1FDfUyKPpaGhsfvCT3cfjce1YOm1V3Tzh5yNn+a+Kem3lK3IGpiC/Q8qIcffrhNC043JaTuuece7rnnnjbbkJuby5NPPtnmftFElmQsBov+AQ14jiKhoeHTfKHtOGMc8eZ4EswJoQ990Ivl8XuQJEn/sgQ8XoqshLxQwXaqpoY8UWbFHPJGBb1qsiTXPcv6c/19RtkY8sIFPWluvzvsi6Siv58MawbTs6Yfjj+poKdQ8BMecxKqNZ2BAwbiViuxuytB8xFjMnaemAFkr4ysysTExBAT08aiun4faA4w1BNbBglMHSzOq6kBEVcBRgkLYEyKYa/di8fjabudAkEDLAYLA2wDOFBzgB8P/Bhtc1pFjaem5UZRJqpiS9A+Zg2bxaxhs0Lbmqbh1/Q7j6A4Cobt/Kofg2wg3hyPURY5Z4IezoG1IMlgjEFWFAyGOHBX4kMDZznEtsMD1QTBGxWD3I6fSVcloIHBotvrrQW/G+hACQnVB4Ub67ZNNvB7kX0u0PztH1cgaMBzpzzH6sLVobQUg2zAIBnCUlaCniejbMQgG9A0rc5j5ffiUT2NXmuaFvJ0mWT9Jj30kPTcw/oes5ATIJBmEkw7MSr6TXuQRHNi9P5YrUSIrV6AJEkYJAMGDNB5N/YCQfcjOBMxUC1eCQghPxLUloI1FTopxyS4pFD9H/VW4wiUjLEmgdeliy2fu2MGVR2oex2bCgkDoXQX4AJViC1B5zE4YbCoHt/JiAC/QCDoGfjckPeD/tpg1p8CYssnSWg+F3gdnXe69nq2fJ46OyzJIVvxdWA2oqaBq6puzIRA2Qwl4K1WfZH7CQSCboEQWwKBoGdwcL0uWCzJdZ6tgNdJAz3Tz9l59bZCnq225oE5A5N1TLG6GAouou5z4/f7ufvuu8nNzcVisYRmTtdP9o1sjDsQKpQgsV59suB6kMKzJRB0a0QYUSAQ9Az2r9SfM8aEdsmSjCRJet4ioDgrIL6/nifVAYLlSkBff7FNBAVfsBhvPc/W3x95hOeff57XXnuNMWPGsHr1aq6++moSEhK48cYbmx7TE/CUGS3h7y3k2RJiSyDozgixJRAIegY7vtCfB0wK7QrmK3o1Lz7FgMnvA7cdYhI6dCpfICwnSVKoXl2r8LoC4UIJLAEbgmJLU1m+fDnnnXceZ511FqCv/frWW2+xcuXKFsYNiC1TbPj+oGdLJMgLBN0aEUYUCATdH3cN7F2uv849IexQcCZUNRYcXhWHvQqHx9ehh93tweVR8XolnF5/s23DQoDBvCqzTS9kCronKiCKjj/maJYsWcKOHfoi6xs2bGDp0qWcefppzXunAssSYWwwm7E1OVvLnobHR+kzOQUCQVQQni2BQND9KfhZ994kZENiFlTUVWNXZAW3V+PYp7cH9hQCGyMO0z72NHt0y32nYzUFfkpdlfpzTGJ4I0MM+D3Mu+V6qh1uRo4ciaIo+P1+Hrz/Pi475Sgo3w2pwxufQFPB69RfN+nZUnVBFqnO1ld3689vz4FbtzX7XgQCQdcgxJYgHNWvJyKXbIPR5+l36AJBtMn7Tn8efEKjQ+2qg9XZ+H1Qc6gu3NcwjGkwgxvefe893nzzTRYsWMCYMWNYv349N990E/1jVa685Bx9xmUw7BjE6wQ03VOmNFiSR1YI1XuxF0F8g0Xb63vd7Iegaj8kZHX03QoEgjbSDX6lBIeVnV/D7m/AkgiWJLAm688V+bD7W31qffDufO1rcPmHQnAJos/en/TnnGmNDhkkA2ajxDe3jSOzpkwPqSUPBXNso7atpcxZRnFtMfHmeAbEDWi2rcVeAO6qejuS68J7ISN1j9Nf7n6AeXfcxezZswEYO3Yse7eu4+FnXtHFlqsKbOnhfeuHECPVEFMCP+M1hcDo8GP2BosJb3gLTvhLs+9HIBB0PkJs9SV8bnjvSmhpaQNzgh6W2LcC3poNc94FUwcqXwsEHcHjgEPr9dfZxzU6rMiKXmXaANbYuEDelAtM7U+St3shxiRjizHVhQgb4vNA8ebwfQkDwZrSuG3AW+VwOsPXL9Q0FPyoamDJLVd1BLHVRHJ8kODKEDVFjY+V7w7fXvECHDdXn9UoEAgOG0Js9SX2LteFliUJRp2r1wNyVOjPMYkw5CQYfBL0Hw+FG+C18yD/R3jnMpj9FhjFumuCKFC0SfdWxaZDYja4wyuxB0sz+FSfvoSNqypwQ5HR7lOGCpo2VfZB0xoLmYwjGnu0Qkbq351zTjmBBx98kOzsbMaMGcO6VT/xxAuv85vZ5+ntPDV6KL9+bS9vE8nxQUKereLGx8oCNg6err+u2gfr34RJv4s8lkAg6BKE2OpL7PxKfx4xE859uvm2AybC5e/DG7P0sON7V8Ilb+gXgYPrYc+3etJy+iiYfrvwfAm6joJACHHAhIhhtFAVec1X5/3x1OqCqJ1L97RY0LS2pK4ifGJ2ZG9WfWQDSAr/fOCv3P3M2/zxj3+kuLiY/pkZXHf5hfzf7X8GSdWLl7qq9PA+gN8Lfo/+uqnvWFDg2ZvxbKWOgOFnwue3wU/PwsTfgCwmowsEhwshtvoSuwJia9iprWuffSzMeRvevBh2fA4vngjVB+qmtwfH3PkVXPyKLrzaSzCRt5PWtRP0IvZ8pz/nnhjxcFAQ+VV/IDwm6zMXfa52h8ua9Wx5Xfr3APRk85aEFuifa0MMcTY/Tz1yH089/Yy+v3Sn7s2KS9GFVU2RHkoMiq1gwr1irisl0RC5fs5WA4KerZQhMP5y+O4hKN8D2z7VJ8AIBILDgri16StU7IXSHSApeqiwteSeALPf1GdBFW/RhZY5AUaeDTP+BrYMKNkKL54Ea98In/3UHKpfr/vz4xPw2rnwQAY8PgLeuhR++IfuTasv6gR9E6+rLjl+SOTPbVAQ+VU/GlKdB6il3MRmaNKzpWlQvV9/bbTqC1+3FmPdsj36WGpd8rspDszx+mt3dd33qKV8LaiboRgpZysotpKH6GMEw4crX2q93QKBoMMIz1ZfIejVGjhZn4nYFoaeAld+qifMD5oC/Y6qyxMZfzl8eK0eVvxkrj6bcdip4CgHR5n+cJaDs1K/yPjdemJx1b66WY9Baopg+yL9AWCwwDXfQEaDGVaCvsP+leBz6qI+bWTEJkFBpKHh1/wYzDZdaLlrITYtvLHfq4sZS1KzS/oEK8g38mw5yvQK9QCJg9rmiQ2tkRgIP3pqCZV0MJgBs34zpPl1j5Ypti5fq7kwvVwvZ6t+6FRV6+qRpQzRnydcAT8+DvlLoWQ7pI1ovf0CgaDdCLHVV9j5tf489JT29c8+Vn80xJaul4dY9iR88yBsfFd/tAZTHORO05N3c6bpF7EDa/RH3g9QW6yXnzjz7+2zWdDzyftRf849sUlhI0sysiSjaip+1Y/BGPACBYVKEE3VPT0+p167qol6U/XXRQzzbPl9+k0C6OKvrRNGGomtgOfNFFf33sxx+k2Iq0r3nIXWRGzGsxWcjehz6usyBkOQ1Qf0c8lGfZYkQFKO7pXe9j9Y+iRc8K+2vQeBQNAuhNjqC3hdkPe9/nrYaZ0/vizDtFsh+3j4/u/6nbk1Ra83ZE0JvE7U794VMxhMumchc1ydhyxI9jH6844vYMElsOlDOO3Bxu0EfYN9K/TnQY1LPtTHIBvw+D34NB/mYMjN79G9qIZgmK1EFySgJ7jHJEasIRcMIUpIKFI9sVW1v+51w/IMrSG0ILVb90C5A2Krvg0x8brYclfr3x/ND0jNCztZ1j1ioAusoNgKJscn5YR/f6beooutzQvh7KeaHru2FLZ+AkdcpNslEAjajbiC9QUKluthCVsmZI7tuvMMOg6u+Khzxhpysn6xqS3WheLQGZ0zrqDnoPp1LydA1uRmm4bEluoDo6J7hbwO3XtkSNaFV8MCn1X79DBag3BiMDk+WL8LnwcqC8ATCB+mDm86Wb05FBMgAZouuEL5WvXEVjBvy+usK5RqtDYb8gTqSkVUHaj7jtdPjq/PgIn6zY6zQs/j7Hdk5DG/vBs2LIDF8+DOQ+HlKAQCQZsQCfJ9gfohxJ4y208xwpgL9Ncb34+uLYLoULxFF0umuBZnugY9UEGvVFgJCIDqQ4Cq7884QvcE+Vy6h6seXr+XUmepPqbqh+JteuHSoNCyJDefrN4cklTn3XKWEZ6vFXwjxroZlMFSDq0pqxIUQtX1vG/lgTUdkxuILUmC9EAeZPHWpsfc/Y3+7HfDdw+3bINAIGgSIbb6Am0t+dBdOPIS/Xnrp3UL8Qr6DsEQ4oAJLXpVwmptQZ0g8tbqpRSc5fp2/ABd0CQEluCxF6J6XVS5q9hbvZcdFTuodlcDEKP668KOoHuYgv3aS1BY1eqCDnNc4xugoHdL89edtyWCnraqA3X7Qp6twY3bBycblDQhtrxO3asc5Id/wI4vW7ZDIBBERIit3k5Ffr2SD9OjbU3byJoMCdm6V2HH59G2RnC42bdSfx54TItNQ2IrMIswJFC8Tj0ECPrMRFMsqqZSYzBTbIohX5HZVrWb/fb91AQS1i2aSqbPRz9fYKzEbMgYq4ccO7rodTBJPpCAjzmucRtzg/yo1ni26udsBQnmbDX0bEGdp7Apz1bxFt3G+jXEFl6n3/isX6CHeAUCQasROVu9nWDV+IHHtL3kQ7SRZRh7oT5r6pf36sKKgr5Bwc/6c3bLYisURgx6gxSTLoxUH6he/LKC3WylurqAWm9taLZhsIq6UdNIUFUS/SpmNH22YWx650/MMDRIRjdFEFsNw5SKuXGbhtTP2QJdDFXk668b5mxBy2KrcJP+nHkknPU4/HOC7h1853J9v9sOx1zXsl0CgQAQnq3ez65AvlZPCyEGGRsIJe78Uk/oFfQN7IVQuReQIGtSi80bebYkCb/RQpUsU2AwsN2gcKDmEHaPHVVTMcgGEswJ9FMsDPV6Geb1kuH360IrZSjE9++aGbBh+VnmupmS9ZGkOk9VcLslgh63YM5W1T59UoBihvgIJS7SAmKrcm/drMj6FG7UnzPH6mJtwMTw47uWtGyTQCAIIcRWb8FRDl/eBSte1F9DoOTDD/rrniq2MkZD+hhQvbDlk2hbIzhcBL1aGWMgJqHF5kGx5fa5qXJXUVBdwHbNzX6DAbssowEmxUSaNY3BCYMZnjScrLgskhMGYZYUJNCrwfcfHzm010n8sHwl51x5E/0nnIaUOYaPPvoo7HhNTQ1z584la9KZWIYcx+gZl/Kvf7WiFlYoQf6gXsw0VDk+N/IaiLEpuucOoHR74+MhsRWYqXjxq3ox4yCqt2WbBAJBCBFG7A2U7tJrUgVzNL68C0adrYcKvA6I66fPwOqpHHkxfL0ZNr4HE6+MtjWCw0EwOb4V+VoQHkbcb6+bkWdCIt5kI8Gajlkx66Uc6iMrge+G1nJ5hU6g1uli3Ojh/Gb2ecz63Z8bHf/Tn/7EN998w3//+yY5OTl8+eWX/PGPf6R///6ce+65TQ8sKYCke7McpeHL9DRF+ijIK9ZDifU9V6oKRcEwYuB3IzFbr8/1XuD7F6yiLxAIWoXwbPV08n6Af8/QhVbCQN3t73fDpg/gmwf0Nj2p5EMkjrhQf85fGj7bStB7CeVrRVi1IAJG2RgSUibFRKollcGJgxmaMoqM+GxiDDGNhVYQSTosQgvgzDPP5IG/P8EFl1wW8fjy5cu58sormT59Ojk5OVx77bWMGzeOlStXNj+wJNWt01i1v+7GK9JMxCAZY/TnhnlbFXl6yQ3FDCnD6vbXnxywf1Xz9ggEgjCE2OrJrH0d3rhArzidNUlfR/D3S+Ha7/UFZ82B8EuwhEJPJTFbr06PpotIQe/G44DCX/TXrfZsyeTEpDPYksGw2P5kGG1YVBXJ69BrbXXlo7WLrweJiYe4zIiHjj/+eD755BMOHDiApml8++237Nixg9NOa8XKD8Gq9tUHWu/ZAijaHL4/6NVKHxWet6YYw9u19X0LBH0YEUbsiah++PoeWP60vn3EhXDes3XFEPsfpT9Oe0BPKo/vHyVDO5GxF+mV8H95B479Q+MffkHv4cAafRZhXD9daLcGrwPrP5oRFl3JHQfbX+i0Af/85z+59tprycrKwmAwIMsyL730EieccELLnW0Z+nPVgXqerebEVhOFTQsbhBCDNCx7EVwsWyAQtIjwbPVEvvq/OqE1/Xa48D91Qqs+RkvvEFqgl31QTPpd97+mwp7vom2RoKvYFwghDjymZ4e/28E///lPfv75Zz755BPWrFnD448/zvXXX8/XX3/dcuegt6xyL1Ts1V8359lKG6E/1xTWTaqBxsnxQRre4NTvIxAImkV4tnoik36nLyJ76n26x6cvYE2GWS/BZ3+Ckm3w+nkw+nw4/UFIiDC1XdBzCRYzbWW+FqAXMb3jYNfY05pzdwJOp5M77riDhQsXctZZZwFw5JFHsn79eh577DFOOeWU5gcIhhH3LterzxssunewKcxxuuewskD3buVM0fcHw4rBnK4gDT1b+T/CUXNa+e4Egr6NEFs9keRcuGEtGGNabtubGHM+DD4Rvn0IVv0btnyk19+a9ZI++1LQ86g+CHu+10NSrkqoKdb/T6HV+VqA7gHr4SEtr9eL1+tFblCqQVEUVFVteYBgGPHQev05eXDksg/1SR8dEFtbdLHlqoKqQMX9RmKrgWfroz8IsSUQtBIhtnoqfU1oBbEkwcx/wIQrYNFfoOAnvdTFyLP6XMipx1O4EV49WxdZDTEn6DNrexk1NTXs2rUrtJ2Xl8f69etJTk4mOzubE088kb/85S9YLBYGDRrE999/z+uvv84TTzzR8uC2Bkn3zc1EDJI+Sl8Kq3iLvl28TX+O669/1+rTFUVeBYI+gsjZEvRMMsfCZe+DMVafqr6vhanxgu7HypfqhFZsul7vathpes2oi1/plZMgVq9ezfjx4xk/fjyg19UaP348//d//wfA22+/zaRJk7jssssYPXo0jzzyCA8++CC///3vWx48LiN8u7l8rSDpDco/BEVXxujGbRuGEa0pYkaiQNBKxK2KoOditsHoc2HDW/qjFWvotRpN00NaPick5XTeuII6akv057Me1/MQ+wDTp09Ha0agZGZm8sorr7RvcGtK3XqQ0PxMxCChNRK36J/5oOgK7q9PwzCio0xffzE5t26fzw32Q+I7I+h8NE3P1zXZ9DzdHhbJEGJL0LMZN1sXWps/hDP/Hr72XFvw+/RxDq3XLzjFW+rWYhwwEY7+DYyZBabOSYYWoOcHAViSo2tHb0FW9IT4qn36dms8W6nDdE+iq0oXSSUBsZUWQWxF8jQe2hAutv5zqr4P4M6ivpvuIOg8/D49P3f503WfLUsS9Bunz5jtNw4GTNBzFLsxQmwJejY50yB+gF7IccfnMPq89o3z+TxY9VL4PknWHwfW6I8v7oBxc2DyNa3zGgiaxx9YX0+JsBizoH3EptWJrdZ8Rg1mfeHt0u36DUZRK8OIaaN0YVb4iz5xJUjwYgjw8R/hopfb/BYEfZDv/g6/vK3fIKSP0h9pI2D/avjpGX0SB+irGmh+/UZ4z3d1JYDGzNJTD7oxUc3Zstvt3HHHHYwYMQKLxUJqaipnnXUW33zzTbvGmz59OpIkNfnIzIxctTnI119/zcyZM0lNTcVisTBy5EjuvPNOampq2mWP4DAgKzD2Yv31hrfbN0bFXljzqv76mN/DBS/CdT/CHYfgT9vglHsgcZB+97/ieXj+eNj0YWdY37cJhrsa5gIJ2k/wbwp1sxNbIhgy3PO9vq4iEqSOaNyu/v9T/6P052BNrkiI1R4ErWXVv6F8D+z6SvdgffQHeOlkWPxXXWj9f3t3HhZl1T5w/DsgIDuIIqLiloJ7ouaWSu5huKa9tqi9lmWWubRhvxazwt7eLCstNdPe1BYtUzNzDc0lF9TcN9z3LQVBWc/vj8cZGBlgZphhGLg/1zUXD896O4/APeec5z5eQRA1HsYe0Eq8DI+HmE+14QfVWlr25LKDOOy33KVLl2jfvj2HDx+mSpUqxMTEcPHiRZYvX87y5cuZMmUKL7zwglXn7t69u8nEyt/fP99jPv74Y8aOHYtOp6N9+/ZUrlyZP//8k/fff5+ffvqJDRs2ULFiRaviEXbW9F+w8ROtZEDKFfC28D79+V/IzoBaHbWuyNzcymsT8LZ9EY6thQ2faPWFFj4JV45Ax1ecbuxAiSHJlu1lpuUsm/v/MriB1k2jT44q1DbdXZ67GzGkidbtXlCyJYQ5lIJbdwrkdnhZ+1B76YA2PsszEFo9o/Uo5P4/GdpMezkRh/2WGz58OIcPH6Zz584sWbIELy/tjfztt9/o1asXo0ePpmPHjjRp0qSQM+X12muvERUVZfb+O3fuZNy4cbi6urJ06VIefPBBAFJTU+nVqxdr1qzh2WefZeHChRbHIopBcH2ocq823mrvz9BquPnHXjsOu+Zryw+Mz38/FxdtQu/aD2gV/Dd/DvHva90vuadKEuZTd2pHubg6No7SpFE/iI8zPeYqP/ouw6Q7k7ybGhwPxklx5QaAThvndfMy+FSyKlwhSEvO+eB1/9hSOy7WId2I+/fvZ/Hixbi6ujJr1ixDogUQHR3N0KFDyc7OJi4urljiiYuLQynFk08+aUi0ALy8vJg1axYuLi789NNPHDx4sFjiEVZoOkj7+vd3lh23/r/aD3qdzuZVLHdx1arWx3yq/fHZ+xPMjoYrRws/VhiTli3bazcaek+Dwb+Yf0xwg4K/18t9n9y8cgYk6ycNNyUt2fw4RNmkb9UqV77UJlrgoGRr0aJFALRr144aNWrk2f7oo1pV4qVLl5KRkWHXWNLT01m2bJnRdXOrUaMG7dpp01jo4xYlUKP+2h+Dczvg8iHzjrmamJOcFdSqZUrzIfDEL1oz97kd8HlzmNoa1rxzZyJlMyp+l3WSbNmeW3lo9ljOPInmCKyp/aHTy69lK3c3YnZWzjRZBXUlzn/E/DhE2aR/6ruUP5XskGRr586dALRo0cLkdv36lJQUjhw5YvH5Fy1axOjRo3nmmWd48803+f333/Od7uLw4cOkpqaaFY8+blEC+VSCe7pqy+YOlF//ofZkS91uUM30vS9Qrfbw1Bqo00l7fP7yAfjzI21g5+fNtWRO5M+QbEk3okO5uELFejnf59uylSvZUllwfJ22vPqt/M99cmPR4xOlm35C87tnLChlHPKR8vjx4wCEhYWZ3O7n54efnx9JSUkcP36cBg3y+eHPx6effppnXb169Zg7dy4tW7Y0GUtAQAC+vr4mz1e9enWjffOTlpZGWlrOANWkpCSL4hZF1PRfcHg57P4ROr1R8LxwV47A7h+05ahY668ZVAeeWKR9OjuyCg7+CkfXaE/W/PAEPLXK6efss5vsLO2rJFuO5+GXs5xfyYjc90nd9eE1PQUWDrN9XKL007dseUnLls0lJ2v9+N7e+f8R8vHxASxLWNq3b8/MmTM5dOgQKSkpnDlzhkWLFtGwYUMOHz5Mly5dOHDggN1iiYuLw9/f3/DSJ2mimNTrAeX9IekMnNxQ8L7rPtD+YIRHawXxisozEJoMhIH/g+e3a9PPXNoHv46RKU3yI92IJYdHrg+a+U2TlPvpRn2irPd+qPZBx5TctbeEuJuhG7F0t2xZnGy98sorREREWPzasKGQP342MHHiRJ566inq1auHl5cXVatWpU+fPiQkJNCyZUuSkpKIjS1CK0YhYmNjuXHjhuF1+vRpu11LmOBWXituB/DXF/nvd2Ij7LnzZGnUa7aPw6+KVmBP56q1nm37yvbXKA3KYLIVFxdHy5Yt8fX1JTg4mD59+nDokPEYwxkzZhAVFYWfnx86nY7r16/bP7Aub2uTf0eZOXZRZcG/5pu37/QOVoclygB9N2Ipb9my+LfcuXPn8vxyMEfuwqD67rqUlJRC9/fz88t3H3N5eHjw+uuv06dPH37//XcyMjJwc3OzeSweHh54eFg5XYywjVbPwI7/waHf4PAKqNfdeHvaTa1gHgqaPaFN9WAPNe/X/oCtegN+j9VqwlgzLqw0K4PJ1rp16xg5ciQtW7YkMzOT8ePH061bN/bv329oXU9NTaVHjx706NHDrh8OjQRHwKsnCu56z82rolbYtNMbsHaiPSMTpd0tGbNl0ty5c5k7d26RLlqzZk127NjBqVOnTG5PSkoydNnVrFmzSNfSq19fe8ImLS2NK1euUKVKFaPzX79+neTkZJPjtvQtVLaKRdhRcH1o8xxs+gx+exlqdTCugbXqTbh+EvyrQ/f37RtL2xfgzFY4sBR+HAzPrLe84GppZhizVXaSrd9//93o+zlz5hAcHExCQgIdOmgtQKNHjwYgPj6+eIMzJ9F6ZK4244K+gnwtabUSRSRPI9pPZKQ2Rmb79u0mt+vXe3t7U69ePZP7WOrq1auG5dwJVXh4uKHOV2Hx6OMWJVzH17T5Eq+f1J4O1Ev8A7bP0pZ7fw7li95qWiCdTqt5FHSPVjBy0bP2vZ6zseHTiEopUjNSHfJSRRiTd+OGNhl3hQpO8oemfgy0fT7n+2otzfvQIuMWRX6kG9F++vTpw//93/+xceNGTp06leepxPnztbEAMTExhu6+ovr+e60cQP369Q0D3gHc3d3p2bMnCxYsYP78+TzwwANGx508eZJNmzYB0LdvX5vEIuzMwwd6TIIfn4CNU6DJI+ATDIvv/JFo+RTUjiqeWMr7aa0BX96vzft15ShUvKd4ru0IVxPhz8laHbLq9xW8rw1btm5l3qLVfMfMj7bl0S14uVlejDE7O5vRo0fTrl07GjVqZIfIioFOB21GapO0F2TvT9D44eKJSTiXMtKN6JCWrYYNG9K7d2+ysrIYNmwYt27dMmxbvnw5c+bMwcXFxeR4hcGDBxMREcHnn39utP6PP/4gPj4+z6fM9PR0Jk2axGeffQbAuHHj8pzztddeQ6fTMXv2bKNm/tTUVIYNG0ZWVhb9+/cnIiKiSP9uUYzqx2h1t7LS4beXtD8GSWe0Ao5dJhRvLMH1c5K7faV4AusbZ+GzSNg1F1a8Xvj++pYtXdks/TBy5Ej27t1r+CBYqp3a7OgIREllqLMlLVt2MWPGDPbv38/q1aupU6cO7du359KlS6xbtw6lFFOmTDE5L+KpU6c4dOgQV65cMVr/999/M2bMGCpXrsy9995LUFAQly9fZvfu3Vy8eBGAl156iWHD8taCiYyM5KOPPmLs2LFER0fTsWNHgoOD+fPPPzl//jzh4eF8+eWX9nkjhH3odBD9H5jWBo7F61dq3XoePgUdaR+N+sPR1dpTkB1eLp2TVy9/JWf5zFbtl2h+XQNKaU+0gU1atjzLebLl0S1FPo+117bU888/z6+//sr69eupVq2aHaIqYa7Lk9kiH2WkzpbDkq3g4GC2b99OXFwcP/30E4sXL8bb25vu3bvz0ksv0blzZ4vO17FjR0aMGEFCQgK7d+/m2rVruLi4EBoaSvfu3XnmmWdo27ZtvsePGTOGxo0b89FHH7F161ZSUlIICwsjNjaW2NjYfAueihKsQm1oPw7+eE/7vvUIqNnOMbFE9ARXd23i6kv7oXJDx8RhL3t/1gq65vbPCeNfoFeOapX+y/sb12mywZgtnU5nVVdecVNK8cILL7Bo0SLi4+OpVauWo0MqHtdNPwwlyrjsLLitjVss7d2IDn0MyM/Pj7i4OIsmnM7vCZ1mzZoxbdq0IsXTpUsXunTpUqRziBKm3YtwfL1WwLTTG46Lo7y/1q15aJk2fqU0JVsnNsIvz2nL7UbDkZVaQnn7es4+22fDr6O15bdv5HQhQpl6GnHkyJHMnz+fxYsX4+vry4ULFwDw9/fH01NrIbtw4QIXLlzg6FFtcvM9e/bg6+tLWFiY8wykv9vlA4XvI8qeW9eBO0N/Snmy5ZAxW0IUm3IeMPRXePI3x88o3+hOwdW9P5eep7OuJsIPj0PmLaj9gJbQlg/Qtt26nrOfPtHSK6PJ1hdffMGNGzeIioqiSpUqhtcPP/xg2OfLL7+kWbNmPP300wB06NCBZs2asWTJEkeFbRs3zjo6AlHS6LsQPfzyn7mglCg7v+WEcLTwB8HNC/45Dud22maaIEdKvQbzB2pPE4U2g0HfgWu5nE+ouVu27lZGky1zykS8/fbbvP322/YPprgdi4dmjzk6ClGSlJEnEUFatoQoPu7eORXt9/7k2FiKKjNdK9R69Sj4VYNB3+cUj/UM0L7qP7WaYjRmq+wkW2Va4lpHRyBKmlRJtoQQ9tCov/Z13yLIznZsLEWx/GU48Se4+8JjP4JvSM42/S/Oq8dykqoadz2YYGjZ0pk/RYxwbnsXwiUZuyVyuVU2CpqCdCMKUbzu6aolKElntfIIYa0dHZHljq6BhDmATptw++7B/voxW7vmaq+3bxj/MlXKptXjhRNw84aMFJiW6/97YC1oOUyb1kqUTWVkqh6Qli0hipdbea0MBJjXlXjpIOxfrH1Nz3+y9GJz6QAsekZbbvkU1O2adx99N6Le6W2gy/WrJivdpjW2hBMY+mvedf8ch9UTtBIhomySbkQhhN3k7krMyjS9j1Lw15fwRRttbNS0VvB+KPw3HOY/Aud3F1+8evoB8SmXoXJj6PqO6f3u/sU5qwtc2JPzfWaaVgoCIPO2fWIVJUvVSHj1BLQeCaGR0HOyVncuOwPW/9fR0QlHkW5EIYTd1I7SEpKUy3ByQ955GrMytGrs27/Wvg+qC8nnIf0m3LwAh38HdPBoMU/zsvxVrThlYE0YsiT/UhqmugavHctZzsqADZPtEqIowTwDoUeuSasrN4Svu8POb+G+p6FKU8fFJhxDuhGFEHZTzh3q99KWfxkJa9+DK0e072/9A3P730m0dFrr0fPbIPYMvHYK+s/S9ju1qXgH2Gfcgv2/aMt9ZxT8SdS7UsHnykqzWVjCiYW1hrA22vL0DnD5kGPjEcUvtey0bEmyJYQjtH5O+zSXdAbW/wc+bwEzHoCZneH4Om1A8b/maxXwdTrtVd4fGvTRtt2+oVVpLy5nE7SxVr5VoPp9Be9box1Ejc9/e6YkW+KOzm/mLE+9T2v1FGWH1NkSQthVcASM2ae1VNXtBjpXOLcDriVqdauGrYCI6LzHuZaDsFba8slNxRfviY3a1xptC59EW6eDqFfh8Z9Nb89Kt21swnnVaKt1k+udTXBcLKL4pZadbkQZsyWEo7h7QeOHtdfNy9rTideOaZNn+1bO/7iwtlqByFOboNXw4on15J1kS9/tYw7viqbXS8uWyM3DN2f5+HrnLIcirKMfs+UlLVtCiOLgUwlaPwvR/yk40QKtNQC0lq3imGNRKTiz7c612xW8b25+1UyvL8MtW1988QVNmjTBz88PPz8/2rRpw/Llyw3bb9++zciRIwkKCsLHx4f+/ftz8eJFB0ZcDFSu2QQOOPn8j8J8mWla7TWQbkQhRAlUtbn22PzNi8ZP+dlLZhpkpGrL/lXNP847CBr2y7u+DCdb1apVY9KkSSQkJLB9+3Y6depE79692bdvHwBjxoxh6dKlLFiwgHXr1nHu3Dn69TPxHpYmuR/0uLBHqsyXFfrB8ToX8PB3bCzFQJItIZyNW3mo2kJbLo5xW/pEC7SJtC3R9vm868pwN2JMTAzR0dHUrVuXevXq8d577+Hj48Nff/3FjRs3mDVrFpMnT6ZTp040b96c2bNns2nTJv766y9Hh24/uVu2QCsxcvOSY2IRxcdQ9iGwTEzZJWO2hHBGNdpoY7ZOboLIJ+x7LX2y5eIGrm6WHevhl3edHVq2lFKoW7dsfl5z6Dw90RX20IAJWVlZLFiwgJSUFNq0aUNCQgIZGRl06dLFsE9ERARhYWFs3ryZ1q1L6Vgmo0nJ3bSncT9poiXq7V/SPlyI0sfwJGLpHxwPkmwJ4ZxqtIU/P8oZuG5P6XeSrfyKmBbEVEuYHVq21K1bHIpsbvPzmiN8RwI6L/Pfmz179tCmTRtu376Nj48PixYtokGDBuzatQt3d3cCAgKM9q9cuTIXLlywcdQlSO6WrSFLYOX/aU8lrv9Qew1ZCrU6OC4+YR9laKoekG5EIZxT9VbaWIfrJ+HGWfteSz+I1c3b8mNNJWj6el0Aj8yzPi4nFR4ezq5du9iyZQsjRoxgyJAh7N9fjDXTSprcLVs12sJTa2DAnJx5M7+JgcQ/HBKasKMyNFUPSMuWEM7JwxdCmsD5XXBqs1Y+wl6K0rLl7pN3XWZazh/YwBrWx5WLztOT8B2OqdGk8/S0aH93d3fuueceAJo3b862bduYMmUKjzzyCOnp6Vy/ft2odevixYuEhITYMmTba/k0bJtp3bHZd43Z0umgYV8IqAEzH9DWLXoGRmzKv5yIcD5laKoekJYtIZyXvgyDvbsS9WO2LB0cD6bHeGWl50zZ4+phfVy56HQ6XLy8HPKyZrxWbtnZ2aSlpdG8eXPc3NxYs2aNYduhQ4c4deoUbdpYUN/MEbq/Z/2xKp9pp6pGwvjzUClCe/L2lxHFU+pEFA/pRhRCOIXc9bbsKf1ON6K7Fd2IpmSlQ+adQfKWDrh3crGxsaxfv54TJ06wZ88eYmNjiY+P57HHHsPf359hw4YxduxY/vjjDxISEnjyySdp06ZNyR8c71KE+3j304i5uXvBw19rSfmRlfBVl/z3Fc7F0I1YNpIt6UYUwlnpq7lfPggpV7W6VvZQlJYtUzLTclq23CzrgnN2ly5dYvDgwZw/fx5/f3+aNGnCihUr6Nq1KwAff/wxLi4u9O/fn7S0NLp37860adMcHLUZitK6l51Z8PbKDbU5FFe+Dme3w98/QNNHrL+eKBluXde+lpFuREm2hHBW3kFaF8vlg9q4rfoP2fb8p7dq4yoMLVs2SrbSU3K6jsrZphvRWcyaNavA7eXLl2fq1KlMnTq1mCKykSIlWwW0bOm1fk5LtkDrTvSvCjXvt/6awvFSy9YAeelGFMKZ2bIrMeM2/K+31lWTngqzusL8gXBht7bdmqcRIacAq15acs6yjcZsiRLGkmmdCmvZAq3o5ZvXtBkJVBbM6QkLhlodnigBbsmYLSGEs7DlIPk1E+BYvDYP4tqJOesvalPJWN2y9e8V0GIYBNXVvk/PlWyVsZatMqPZ4+bvm5Zk3n4urtDrs5zv9y2Ct/0h5YplsYmSQZ5GFEI4Df24rQu74baZf7RMObwC/so1Nij3ctJ57au1Y7Zcy8FDkyG8h/a9vlvSxU37AyqEuTx8YORW43Uf1tGSLuE8lJJuRCGEE/GvqtUjUtlwZmvh+5uSdA5+Hq4tt3xaq9+VW/I57WtRn0bUP7GWdlP7Kq1apVjRymEUqFI4/J+JuROXvmi/awrbSr8J2RnasnQjCiGcgqEr0YpxW9lZ2oDj29chtBl0fx8GfW96X68iFpTUl3k4skL7mn6zaOcTZVc5j7yzDyTMcUgowgr6Vi1XD9s95VzCSbIlhLPTD5IvbEqT7Gztldv6D7VxWuU8oe90KOeutZa1ejbv8T6VihZnUWoxidLLv7r21dL/HxE9YdgqCAjLWXfaytZdUbz047W8KhTtSVYnIqUfhHB2dbsBOji3A26cAf9qefe5cRZmdNSeBAyqC0G1oVx52P2Dtj3mE617Rq/jq3Bhj/HA+7u7Fy0l47OEKY8thDXvQNSrlh2n00H1++CFHTDxTqvrrK7w9g3bxyhsq4w9iQjSsiWE8/OtDGF3KowfWGp6n7+mQcplyLwNF/fA/sU5iVazJ6Dpv4z396oA94/N+d7DD4LqFC3OMlYtvkyzpLUiOAIGzYcqTa27lvy/cj6GqXrKxuB4kJYtIUqH+r20wqb7l0DrEcbbbidBwjfacrd3oUId+OcEpFyCCrWh6SDT58ydXLUdVfQY7+4mqtut6OcUJVQxdw09/UfOpNV/f5/3w4MoWQzdiGWnZUuSLSFKg/oxsCJWS7iSL2qtXXo7v9VqW1UMh9YjtQKR5qhQC6Ji4fDvtpke5e5uxG7vFv2comSqHwOLivF6VSNzlhc9I8lWSVfGamyBdCMKUToEVIfQSEDBoWU567OzYdudKWJajzA/0dKLeg2GxxsPQrbW3d095ctebaQvvviCJk2a4Ofnh5+fH23atGH58uWG7YmJifTt25dKlSrh5+fHwIEDuXjxogMjtpK7l21aQ61194MgomRJlTFbQghn1aCX9nX/kpx1J9bDtURtzFXjAY6JS+/ubsQymGxVq1aNSZMmkZCQwPbt2+nUqRO9e/dm3759pKSk0K1bN3Q6HWvXrmXjxo2kp6cTExNDtjMmD+1ehMBa0PG14rle7Jmc5b/nF881hXVula2CpiDdiEKUHvV7weq34cSf2idHrwo5tYeaDNSqbztS7pYtVw/tacgyJiYmxuj79957jy+++IK//vqLs2fPcuLECXbu3Imfnx8A33zzDYGBgaxdu5YuXbo4ImTreVeEF3cV3/U8fHOWF4+0bMogUbykG7F4JScnM378eMLDw/H09KRixYr07NmTtWvXWnyu+Ph4dDqdWa9Tp04ZHTt06NBCj7l9+7at/tlC2EdQHajcSJvY99ByuHkZDvyqbWs+1KGhAcZdBhVq27S+jlKKjLQsh7yUUlbFnJWVxffff09KSgpt2rQhLS0NnU6Hh0dOZf3y5cvj4uLChg0bbPVWlR1W3hdhpsuH4LeX4fh6y48tg92IDmvZunTpEu3bt+fw4cNUqVKFmJgYLl68yPLly1m+fDlTpkzhhRdeMPt8ISEhDBkyJN/tW7du5cCBA9SpU4fq1aub3Kddu3bcc889Jre5ukqNIOEE6veCi3vhwBJIvaJNiVG1OYQ0dnRkOcUrAVo8adNTZ6ZnM+PFdTY9p7mGT+mIm4f5vx/27NlDmzZtuH37Nj4+PixatIgGDRpQqVIlvL29efXVV3n//fdRSvHaa6+RlZXF+fPn7fgvKKV2fFMyPmSUViteh6OrYOsMqNlee5imZjvzjpVuxOIzfPhwDh8+TOfOnVmyZAleXlrJ/t9++41evXoxevRoOnbsSJMm5hVSjIiIYM6cOflub9CgAQD//ve/0eXzifqpp55i6NChFv07hChRGvSC+Pfh6Bo4u0NbV1L+4ARHaFXqdS6OHz/mQOHh4ezatYsbN26wcOFChgwZwrp162jQoAELFixgxIgRfPrpp7i4uDBo0CAiIyNxsfTBBqHNlRjxEHz3LzizLWf96D22eeCjLMtMgxO5WltP/Alz/oRaHeCB/4OwVgUfXwa7ER2SbO3fv5/Fixfj6urKrFmzDIkWQHR0NEOHDmXWrFnExcXx3XffFfl6mzdv5sCBA7i6ukoyJUq3ShFahfirR7Q6Wu6+0LCfo6PKYadH8su5uzB8Ske7nNuca1vC3d3d0ILevHlztm3bxpQpU5g+fTrdunUjMTGRK1euUK5cOQICAggJCaF27dr2CL30+9BEId5PGsNb18vMNDF2ceovyLwFPiHw1GrYMBl2fKt1KR7vDv+ap02nZEp2Fty6ri2XoZYth3xcWrRIK8DSrl07atSokWf7o48+CsDSpUvJyMgo8vW+/vprAHr06EFoaGiRzydEiaXT5TyVCND4YccPjC8GOp0ONw9Xh7zyayk3V3Z2NmlpaUbrKlasSEBAAGvXruXSpUv06tUrn6OFVSYEODoC55Z4Z1x1nQe0sjMPfQyjdkCD3oCCRSPg2nHTx96+oe0DUD6gGIItGRzSsrVz504AWrRoYXK7fn1KSgpHjhwxdAFaIzU1lR9+0KYlGTZsWIH7/vHHH+zZs4fk5GSCgoK47777iI6ONhqwKkSJV78X/PmRttw8/3GMovjFxsby4IMPEhYWRnJyMvPnzyc+Pp4VK1YAMHv2bOrXr0+lSpXYvHkzL774ImPGjCE8PLyQMwsAhiyFb2IK3w8g6Rz4yYdvqxiSrU456wLCoP8sSDoPZ7bCgiHw75XgdtdTx/rB8e6+2sT3ZYRDkq3jx7WMNyzMdL+5vuBfUlISx48fL1KytWDBApKTkwkODuahhx4qcN///e9/edZVqVKFr7/+mh49elgdgxDFqkpTaD9Oq2sV2szR0YhcLl26xODBgzl//jz+/v40adKEFStW0LVrVwAOHTpEbGws165do2bNmrz++uuMGTPGwVE7kVod4OHZsNDEAxi9p2olIfQm15dJq61x8zJc2K0t144y3ubqBgNmw5ft4fzfsGI8PDTZeJ8yOFUPOCjZSk5OBsDb2zvffXx8fEhKSiIpKalI19J3IQ4ePBg3N9MTljZt2pQpU6bQuXNnwsLCuHXrFn///Tdvv/02mzZtolevXqxcuZKoqKgCr5WWlmbUHVDU2IWwik4Hnd90dBTChFmzZhW4fdKkSUyaNKmYoimlGvbNm2yN3qt1d3lWgO9zzQWqlIzdstSxeO1rSGPwCc673b8a9JsJ8x6G7bMgrA00yfVAzK2yV/YBrEi2XnnlFZYsWVL4jnf56quvuP/++y0+riiOHj3K+vVaDZB///vf+e539ydHX19funbtSpcuXejbty+LFy9m9OjR7Nq1q8DrxcXFMWHChCLHLYQQwkqmkif9QOy7Jz+Pj4MHxts/ptLEVBfi3ep2gQ4vwfoPtadCqzSFSvW0bYYaW2VncDxYkWydO3eOQ4cOWXyhmzdvGpZ9fbVKvykpKYXur6+kbA19q1abNm2oX7++xcfrdDomTJjA4sWL+fvvvzl9+nS+NbpAG48xduxYw/dJSUkF7i+EEMIORu2EK0e1KvYocL/Ti+JaTptGaOMU7ft1H0iyZQmlzEu2QKu7deovrSzErK5QrwfU7Qr/3Bk4X4aeRAQrkq25c+cyd+7cIl20Zs2a7NixI08ld73c3Yc1a9a06hpZWVmGMViFDYwvSO4k7cyZMwUmTx4eHjKYXgghHK1Cbe1lStd3cpItYZnLB+HmBSjnCdVbF7yvi6s2YH52D7h2DHZ/r730yljLlkNKP0RGRgKwfft2k9v16729valXr55V11ixYgVnz57Fx8eHRx55xLpAgatXrxqW9S1yQgghSpGsDJjbH+I/cHQkJZu+Vatmu7xPGZriWxlGboWhy7QWxeBcD7tVKltP2Dok2erTpw8AGzduNNm6NX++NmN7TExMvoPaC6MfiDpw4EB8fKyvM/T991om7ufnJ49fCyFEaZT4Bxxdrc2+cDXR0dGUXOZ2Iebm6gY179daFJ/brD2sMGQpRJatsjQOSbYaNmxI7969ycrKYtiwYdy6dcuwbfny5cyZMwcXFxdiY2PzHDt48GAiIiL4/PPP8z3/lStXWLp0KVB4F+KuXbtYsmQJmZmZRuuzs7OZNWsW48dr/fmjRo2yOvETQghRQikFabmeHP8sEi4dcFw8JVXGbTixUVuu/YD15wmorpXoKEM1tsCBcyPOmDGD/fv3s3r1aurUqUP79u25dOkS69atQynFlClTTM6LeOrUKQ4dOsSVK1fyPfe3335LRkYGERERtG3btsA4Tpw4Qd++fQkMDCQyMpLKlStz/fp19u7da2h1GzRoEG+99VbR/sFCCCFKnuWvQpW7/tZMay01uO52OtcUPcGWP3BW1jks2QoODmb79u3ExcXx008/sXjxYry9venevTsvvfQSnTt3tvrcs2fPBgou96DXtGlTRo8ezfbt2zl48CAbN25EKUXlypV5+OGHefLJJ4mOjrY6FiGEECXY1umm12dnaYO8hSZ3F6LUJrOYw5It0MZBxcXFERcXZ/Yx8fHxhe6ze/dus89Xq1YtPv74Y7P3F0IIUQasfgu6vevoKEoOa8ZrCQOHjNkSQgghSrRNn8Fs6dUgMx0O/Q4X9mjf3z1FjzCLJFtCCOEAkyZNQqfTMXr0aMO6qKgodDqd0evZZ591XJClVdeJ5u13ciNcPmzfWEqi9FTY+zMsHAYf1oHv7pRPqnIv+FRyaGjOyqHdiEIIURZt27aN6dOnm3wI6Omnn+add94xfO/l5VWcoZUNjQfAqjfM23dqS3g+ASreY9+YSpL/9YYzW3O+9w6GiGho/ZzjYnJykmwJIUQxunnzJo899hgzZ87k3Xfzjgny8vIiJCTEAZGVIX5VLNv/8+bw3BYIjrBPPCXJ9VNaoqVzgbajIKInVG0BLtIRVhTy7gkhnJ5Siozbtx3yUkpZFOvIkSPp2bMnXbp0Mbl93rx5VKxYkUaNGhEbG0tqaqot3iJRVNNawdr3HB2F/R1ZpX2t3gq6ToDq90miZQPSsiWEcHqZaWl8OuRhh1x71DcLcStvxtQlaDNS7Nixg23btpnc/uijj1KjRg1CQ0PZvXs3r776KocOHeLnn3+2Zcj20aA37F/s6CjM5+oOWemWHXNgCXR63T7xlBT6ZOse0x8GhHUk2RJCiGJw+vRpXnzxRVatWkX5fJKz4cOHG5YbN25MlSpV6Ny5M4mJidSpU6e4QrVO72lQKQLufdTRkZin2n1wcoNlx+iLeZ7frVVC9wy0bUxKwf5fIOkctBpR/C1KmWlwfJ22XLdb8V67lJNkSwjh9Mp5eDDqm4UOu7Y5EhISuHTpEpGRkYZ1WVlZrF+/ns8//5y0tDRcXY2LaLZq1QqAo0ePlvxky8MHHhjv6CjMF1jTdLI19gBMzlUh3SsIUq9qy/sWaQllfBz4VIZ//w4VatsmnuQLsHQ0HF6ufe9bBRr1s825zXVyI2SkalXiQxoX77VLOUm2hBBOT6fTmd2V5yidO3dmz549RuuefPJJIiIiePXVV/MkWqDN3QpQpYqFA7pF4bpNhF1zjdd1fhP8QmHkNi3xaDxASyK3zIDlL2v7xN8pwn3zIvz8DPx7RdFaoJSCvT/BsnFw+3rO+l3zij/ZOrJa+1q3i1SJtzEZ9SaEEMXA19eXRo0aGb28vb0JCgqiUaNGJCYmMnHiRBISEjhx4gRLlixh8ODBdOjQwWSJCFFEXhWg52TjdW1HaV8r1YMWT2qJFmjLubUeCa4e2lN7iWusjyHjFvw4GH4apiVaVZrCI/O0bYlrte7E4nRkpfb1nq7Fe90yQJItIYQoAdzd3Vm9ejXdunUjIiKCcePG0b9/f5YuXero0EqvFnfNn+vqZno/Vzd47TR4VYTHfoIe7+ckYGsnavMoWmPzVG3QvUs5iBoPT62B+g9BWBtQ2fD3d9ad1xrXjsPVI6BzhToPFN91ywjpRhRCCAfJPddr9erVWbduneOCKYss6Sor7wevJOZ8336clgyd/xu2fQWtnrHs2tlZkDBHW37oE4h8ImfbvY/Bqc2wcx7cP7Z4uvSO3ulCDGsD5f3tf70yRlq2hBBCCEvn/PMJhs5vactrJkLSecuOP7IKbpzWnmhsPMB4W8M+4OYF1xLh9BbLzquXmQbxH2i1wTJumRcPaOO1hM1JsiWEEKLseuU4PPqj1j1oqeZPatXV05NhhYVPYm6fpX299zFwu+vhDg9faNhXW9551yB+c1w7DrO6Qfz7sP4/8FUXuHIk//0zbsPx9dqylHywC0m2hBBClF1eFaBed3C1YlSNiws8NFmb2mbfz3As3rzj/jmR05J097gxvXsf077uWwTpKebHtH8xTO8A53dprWZeFeHiXpjeEf7+wfQxJzdA5i3wDYXgBuZfS5hNki0hhBDCWlWa5iRM278275iEbwCldV0G5VM/rUZbCKwF6Tdh/5LCz5mZBr+9oj3dmJakTbfz7AYYsRFqtoeMFFg0HBaPhPS7poAydCF2lZIPdiLJlhBCCFEU+jFXp01Pw2QkMx12fqsttxiW/346XU7r1q55hZ931Vuwdbq23O5FGLoM/KuBbwgMXgwdXwN0WrfkzE7GseZOtoRdSLIlhBBCFIVXkPY1w4zuvgNLIOWyViE+PLrgfe8dBOjgxJ/aOKz83LoOO77Rlvt9BV3fMS5j4eIKD8RqSZdPZbh8AGZ1gZ+Hw4kN2kB8Fzeo1bHw+IVVJNkSQgghiqLcnQHuGbcL31ff1Rg5pPBxYv7Vcp6SLKjm1q752jQ7wQ2gcQETstfuCM9uhGaPAzrY/QPM6altC2utlbcQdiHJlhBCCFEU+mQrKw2ys/Pf79IBbRognSs0H2LeuZs9rn3d9Z3pc2dnw7aZ2vJ9Txc+5sqnEvSeCk+v1cZ16clTiHYlRU2FEEKIoshduiErDVw8Te+nb9UKf1Cbg9EcET21IqM3TsGBxTklIfSOroZrx8DDHxoPND/mqpHavI57f4ILu6HlU+YfKywmLVtCCCFEUbh5aXMlAlzYa3qfm5e07j7Iv9yDyXN7QqtnteVVb+YtULp1hva12eM5czmaS6fTuh27vgPuXpYdKywiyZYQQhSTt99+G51OZ/SKiIjIs59SigcffBCdTscvv/xS/IEKy7i4QqP+2vLmz03v88f7WhmH0GZQ28K5B9u9qNXAun7K+PxXE+HoKkAHLQt4slE4nCRbQghRjBo2bMj58+cNrw0bNuTZ55NPPkEn9Y6cS9vnta8HlmhFS3O7dCDnacHu72vFUC3h7q21PgH8+TEkndOWt32lfa3bNf96XaJEkGRLCCGKUbly5QgJCTG8KlasaLR9165dfPTRR3z9tZkFMkXJULkh1OkEKhv++sJ428r/09bXj9GKlVqj8cPagPaMFFg9AdJu5kzlc5+Fk2CLYifJlhDC6SmlyE7PcshLKWVRrEeOHCE0NJTatWvz2GOPcerUKcO21NRUHn30UaZOnUpISIit3yZhb21f0L7u+BZu/aMtH1mtDWJ3cYMuE6w/t04HPeK05d3fw28va5XiK9TRkjxRosnTiEIIp6cysjn35iaHXDv0nbbo3F3N2rdVq1bMmTOH8PBwzp8/z4QJE2jfvj179+7F19eXMWPG0LZtW3r37m3nqIVd1H4AKjfS5iLcPhvajtJatQBaPVP0rr6qzbWq8rvmwd93Btvf97Tl3ZKi2EmyJYQQxeTBBx80LDdp0oRWrVpRo0YNfvzxRypVqsTatWvZuXOnAyMURaLTQZvn4ZdnYct0bazV5QPahNAdXrLNNTq/aTx9z72P2ua8wq4k2RJCOD2dmwuh71g5FsYG17ZWQEAA9erV4+jRo+zZs4fExEQCAgKM9unfvz/t27cnPj6+aIGK4tGoP6yZAMnnYfkr2rqoWC3hsgXfEOj2Hqx8XUvsyvvb5rzCriTZEkI4PZ1OZ3ZXXkly8+ZNEhMTeeKJJxg4cCBPPWVcWLJx48Z8/PHHxMTEOChCYbFy7lqX4eq3te+D7rGsrpY52j4P93SGoLq2Pa+wG0m2hBCimLz00kvExMRQo0YNzp07x1tvvYWrqyuDBg2iUqVKJgfFh4WFUatWLQdEK6zW/ElY/1+trtbdk0LbSnB9259T2I0kW0IIUUzOnDnDoEGDuHr1KpUqVeL+++/nr7/+olKlSo4OTdiSZwA8/jMknYHwaEdHI0oASbaEEKKYfP/99xbtb2lZCVGChLUCWhW6mygb5HlRIYQQQgg7kmRLCCGEEMKOJNkSQgghhLAjSbaEEEIIIezIYcnWb7/9xttvv01MTAyhoaFanRydjjNnzhTpvOnp6XzwwQc0bdoUb29vAgMDiYqKYuHChYUeu2DBAqKioggMDMTb25umTZvyn//8h4yMjCLFJIQQQoiyy2FPIz766KPcuHHDpudMTU2la9eubNq0iYCAAHr06MHNmzdZu3Yt69atY9y4cfz3v/81eezo0aOZMmUK5cqVo1OnTvj4+LB27VpeffVVli5dysqVK/H09LRpvEII62VnZzs6hBJB3gchSj6HJVv9+vWjbt26REZGEhkZSXBwcJHPOX78eDZt2kTjxo1Zu3YtFStWBCAhIYGoqCg++ugjoqKieOihh4yO++WXX5gyZQo+Pj6sW7eOyMhIAK5cuUKnTp3YsGEDb7zxRr6JmhCi+Li7u+Pi4sK5c+eoVKkS7u7u6HQ6R4dV7JRSpKenc/nyZVxcXHB3d3d0SEKIfOhUCSnkov9lefr0aapVq2bx8f/88w8hISGkp6ezYcMG2rVrZ7T93Xff5Y033qB169Zs3rzZaNt9993Htm3bePfdd3n99deNtm3YsIH27dvj4eHBxYsX8fc3fx6qpKQk/P39uXHjBn5+fhb/m4QQpqWnp3P+/HlSU1MdHYrDeXl5UaVKFUm2hLAhW//9LjXJ1rx583j88ccJCwvj5MmTebYfO3aMOnXqAHD27FlCQ0MNy/rrHTt2zOS0GGFhYZw+fZr58+czaNAgs2OSZEsI+1FKkZmZSVZWlqNDcRhXV1fKlStXJlv2hLAnW//9LjUV5Hfu3AlAixYtTG6vXbs2FSpU4Nq1a+zatcuQbOmPq1ChQr7zj7Vo0YLTp0+zc+dOi5ItIYT96HQ63NzccHOzw7xzQghhQ6Um2Tp+/DigtULlp1q1aly7ds2wr7nHVa9e3Wjf/KSlpZGWlmb4PikpqfDAhRBCCFGqlZo6W8nJyQB4e3vnu4+Pjw9gnARZe5wpcXFx+Pv7G176JE0IIYQQZZfFLVuvvPIKS5YssfhCX331Fffff7/FxzmT2NhYxo4da/g+KSlJEi4hhBCijLM42Tp37hyHDh2y+EI3b960+BhL+Pr6ApCSklJoDLkHu1l7nCkeHh54eHgYvtc/eyDdiUIIIYTz0P/dttUzhBYnW3PnzmXu3Lk2ubgt1axZE4BTp07lu4++Or1+39zLp0+fzvc4/bbcx5lD30UprVtCCCGE80lOTrao5FN+Ss0AeX0h0u3bt5vcfuzYMa5duwZAs2bNDOv1y1evXuX48eMmn0jUn1N/DXOFhoZy+vRpfH19bf5otr6L8vTp01JWwgnJ/XN+cg+dm9w/52fPe6iUIjk52VC5oKhKTbIVHR2Nu7s7p06dYuPGjXmKms6fPx+A1q1bG7151apVo2XLlmzbto358+ebLGp6+vRpPDw8iI6OtigmFxcXq2qGWcLPz09+UTgxuX/OT+6hc5P75/zsdQ9t0aKl53RPI3bu3JmIiAgWLVpktD4wMJARI0YA8Nxzz3H16lXDth07dvDBBx8A5EmmQJvmB2DSpEns2LHDsP7q1as899xzADz//PM2feOFEEIIUTY4rGVr4sSJLFu2LM/6Xr16GaadiIyMZNq0aUbbExMTOXnypMlJrN9//322bt3K5s2bqVu3Lp06dSIlJYU1a9aQkZHB2LFj88yLCNCnTx9GjRrFp59+SuvWrencuTPe3t6sWbOG69ev065dOyZOnGijf7kQQgghyhKHJVuJiYls2bIlz3p9RXeA8uXLW3ROLy8v4uPjmTx5MvPmzeO3337D3d2dNm3a8PzzzzNgwIB8j50yZQrt2rVj6tSpbNq0iYyMDOrUqcNrr73GmDFjSty8Yx4eHrz11ltGTz8K5yH3z/nJPXRucv+cnzPdwxIzN6IQQgghRGnkdGO2hBBCCCGciSRbQgghhBB2JMmWEEIIIYQdSbJlQwsWLCAqKorAwEC8vb1p2rQp//nPf8jIyMj3mISEBAYMGEDlypUpX748tWrV4oUXXuDSpUvFHos943EW1r5vixcvplevXoSEhODu7k5wcDBt27blnXfesSqO7Oxspk+fTqtWrfD19cXX15dWrVoxY8aMQqePWL16NdHR0VSsWBFPT08iIiJ4/fXX7T5lliMdOnSIzz77jKFDh9K4cWPKlSuHTqfj3XffNbl/dnY2mzZt4s033+T+++8nKCgINzc3KlasSNeuXZk3b16RpulIT0/ngw8+oGnTpnh7exMYGEhUVBQLFy4s9Fhr/w86O0vvod7Vq1eJjY2lcePGeHt74+7uTrVq1RgwYADr16+3Oh65h+bLyMhgzZo1vPzyy7Rs2ZKAgADc3NwICQmhV69eJisP5GfatGnodDp0Oh1PPfWU1TGVuPunhE28+OKLClDlypVT3bp1U/369VMBAQEKUPfff79KTU3Nc8yCBQtUuXLlFKBatmypBg4cqGrXrq0AVblyZXXkyJFii8We8TgLa963tLQ0NWDAAAUoT09P1alTJzVo0CD1wAMPqODgYBUUFGRxHJmZmapfv34KUF5eXiomJkbFxMQoT09PBagBAwaorKwsk8dOnjxZAUqn06kOHTqoAQMGqJCQEAWo8PBwdfnyZYvjcQb6e3f3a+LEiSb3P3LkiGGfChUqqG7duqlHHnlEtWzZ0rD+oYceUmlpaRbHkpKSotq2basAFRAQoPr166e6detm+NkaN25cof8OS392SwNL76FSSh09elSFhoYqQAUFBano6Gj18MMPq/r16xuO/+ijjyyORe6hZVatWmV4v0NCQlTPnj3VwIEDVaNGjQzrhw8frrKzsws8T2JiovL29lY6nU4BatiwYVbFUxLvnyRbNrBo0SIFKB8fH5WQkGBYf/nyZdW4cWOTN/fs2bPKy8tLAWr69OmG9ZmZmerxxx83JDyF/ee0RSz2jMdZWPu+DR48WAGqT58+eRKZrKwstXnzZotj+fjjjxWgqlatqo4dO2ZYf+zYMcMfls8++yzPcTt27FA6nU65urqq3377zbA+JSVFde7cWQGqf//+FsfjDGbOnKleeuklNW/ePHXgwAH1xBNPFPiH+ujRo6pTp05q+fLlKjMz02hbfHy88vb2VoCaMGGCxbHof1k3btzY6P/E9u3blY+PjwLU0qVL8xxn7f/B0sLSe6iUUr169VKA6tmzp7p586bRtunTpxv+aJ4+fdqiWOQeWmbNmjWqf//+av369Xm2ff/998rV1VUB6ptvvsn3HFlZWap9+/bKx8dHDRkypEjJVkm8f5Js2YD+0/C7776bZ9uff/6pAOXh4aGuX79uWP/yyy8rQHXp0iXPMcnJycrf318B6vfff7d7LPaMx1lY876tXr1aAapRo0YqPT3dJnFkZWUZWqLmzp2bZ/u3336rABUaGpqndUvfwvbUU0/lOe7EiRPKxcVFAerAgQM2ibUk0/+yLugPdUEmTpyoAFWnTh2Ljrt27Zpyd3dXgNqwYUO+523dunWebdb+7JZW5txD/R/OrVu3mtxet25dBaiff/7Z7OvKPbS9YcOGKUB17tw53330rfJTp05Vb731ltXJVkm9f5JsFdGZM2cMzaS5WyFyq169ugLU/PnzDevuueceBaivv/7a5DH6T3XDhw+3eyz2isdZWPu+9e7dWwHqq6++slksGzZsMPxA37p1K8/21NRUwy+STZs2GdanpaUZWibXrl1r8tzt27dXgHr//fdtFm9JVdRk69dff1WAcnd3t+i4uXPnKkCFhYWZ3J6YmGj4v3b27FnD+qL87JZW5tzDihUrmpVsmWpxyY/cQ9v7/PPPFaDq1atncvvBgweVp6en6tixo8rOzi5SslVS758MkC8ifcX7ChUqUKtWLZP7tGjRwmjf5ORkjh49arStsGNyq1mzJjqdjjlz5hQ5FlvE4+ysed+ysrJYs2YNAB06dODChQt88sknjBgxgtGjR/PNN98UOCBdPwA0Pj7eZCwNGzY0OYOCp6cnDRs2NNoX4PDhw6SmphrFWti/QeTvyJEjAFSpUiXPthMnThju34kTJ4y26d/b/O5B7dq1qVChAgC7du3Kc5ylP7tl3YMPPgjAhAkTDP//9WbOnMmRI0do3Lgxbdq0Mdom97B4FfTzlJWVxZAhQ9DpdMyaNQudTlfo+Zzx/jlsup7S4vjx4wCEhYXlu0/16tWN9s39nyO/4+4+xl6x2DMeZ2HN+3bs2DFDMvXXX3/x3HPP5UmuXn75Zb7//ns6depk81h27txpdC/0ywEBAfj6+pr1bxCmpaam8umnnwLQv39/i4415/5Vq1aNa9eumbx/lv7slnUffvgh+/fvZ9myZYSFhdG6dWu8vLzYt28fBw8epGfPnsycOZNy5cz/Uyf30LYuXLhgaBgw9fP04YcfsmXLFj7++GPq1KlT5OuV1PsnLVtFlJycDIC3t3e++/j4+ACQlJRkdExBx919TG516tQhPDwcf3//Isdii3icnTXv29WrVw3bhg0bRvPmzdm2bRvJycns2rWL6OhoLl++TO/evQ2f6nILDw8nPDwcLy+vIsdSlONEXs899xzHjx8nNDSU8ePH59nu5uZmuH9ubm5G2+T+Fa/KlSsTHx/P448/ztWrV1m2bBkLFixg//79VK1alU6dOlGpUqU8x8k9LB6ZmZk8/vjj3Lhxg8aNG/PMM88Ybd+7dy9vvfUWbdu2ZdSoUWaf1xnvn7RsOSF995VwHJWrBlPVqlVZsWKFYTLUpk2bsmTJEu6991727t3LpEmTmDVrltHxBw8eLNZ4hXkmTpzIN998Q/ny5fnxxx8JCgrKs0/VqlXl/pUQBw8eJCYmhsuXLzNt2jRiYmLw8/Nj586dvPTSS4wbN47ff/+d5cuX4+rqajhO7mHxePbZZ1mzZg1BQUEsXLgQd3d3w7bMzEyGDBmCi4sLX3/9NS4u5rf9OOP9k5atItJ32aSkpOS7j757yc/Pz+iYgo67+xh7xWLPeJxFUe/h0KFD88w67+rqavgUt3r1arvGUpTjRI7Jkyfz5ptv4uHhwaJFi2jXrp3F55D7V3wyMzPp378/R48eZebMmYwYMYJq1arh5+dHx44dWblyJSEhIaxatYr//e9/Zp9X7qFtvPjii8yaNYvAwEBWrVpFvXr1jLa/99577NixgwkTJhAeHm6z65bU+yfJVhHVrFkTgNOnT+e7j36bft8aNWoYtp06dcqsY+wViz3jcRbWvG/6hxRAG3Bpin79+fPnLY4lv/tgKpbcy9evXzfqFi7sOKH57LPPGDduHO7u7vz000/06NHDqvOYc//OnDljtG/uZUt/dsuyLVu2sH//fjw8POjXr1+e7YGBgYYB9JZ84JF7WHTjxo3j008/JSAggJUrV9KsWbM8+yxatAiApUuXEhUVZfTSj/FatmyZYZ25Sur9k2SriPT/ia5evZrvoLnt27cDEBkZCWhZ8T333GO0rbBj7BWLPeNxFta8bz4+PoZPY1euXDF5jH69vp/fHPrz79u3j9u3b+fZfuvWLfbt22e0L2A0/qss3sOimDp1KqNGjTIkWj179rT6XPr3Nr97cOzYMa5duwZg9AfI2p/dskz/x9TLy8uoizA3/bhW/XtuDrmHRfPKK68wefJk/P39WblyZb5PBept2LCBdevWGb1OnjwJaIPr9evMVWLvn8XFIkQe9ihqqp8eoKQUNbU2Hmdhzfv2xhtvKEBFR0ebPKe+8n737t3NjsOeRU31VZylqGmOL774wlBPy1RFaUuV1IKKzqiwe7hu3TpDXaTDhw+b3KdNmzYKUCNGjDD7unIPrffqq68qQPn7++db+8wcUtRUmJRfif8rV66YNV3PjBkzDOszMzMNBUTzmx6nU6dOKjw83GRVZGtiKWo8pYE179vly5dVYGCgAtSXX35ptO27774zzO+1bNmyPNcLDw9X4eHhasuWLXm2FTRdT9WqVRWYnq4nISHBMF3P8uXLDevLwnQ9dzMn2ZoxY4bS6XQWJ1pnzpwx3L8zZ87k2a6fKqRJkybqypUrhvUJCQlWTRVS2M9uaVXYPUxPTzf8PHTo0EFdunTJsC0rK0vFxcUZkrG7i5rKPbS9119/XYE2F2FREi2lCk+2nPH+SbJlI6NGjVKAcnNzUz169FD9+/c3tAa1a9fO5OSVP/74o6G1oVWrVuqRRx4xa+LnGjVqKEDNnj3bZrEUJZ7Swpr3beXKlap8+fIKUA0bNlQPP/ywatasmeGX/BtvvGHyWvrtf/zxR55tmZmZqm/fvgq0iah79eqlevXqZUiGH374YbMmoo6KilIDBw5UVapUUVC6J6JOSEhQrVq1Mrz0lcWrVatmtP7cuXNKKaV27txpSIYjIiLUkCFD8n3d7fjx44b7d/z48TzbU1JSDC0qgYGBqn///qpHjx7Kzc1NAWrs2LH5/jus/dktDSy9h0ppc/Lpfy78/PxU165dVb9+/VSdOnUM92j8+PF5riX30LYWL15seD9btGiR78+SuYlKYcmWM94/SbZs6IcfflAdOnRQfn5+ytPTUzVq1EhNmjRJpaWl5XvM9u3bVb9+/VSlSpWUu7u7qlGjhho5cqS6cOFCvscUlmxZG4u18ZQm1rxvhw4dUkOGDFFVq1ZVbm5uKigoSEVHR6sVK1bke0xByZZS2ifzL7/8UrVo0UJ5e3srb29v1bJlS/Xll18W2rq4atUq1aNHD1WhQgXl4eGh6tatq2JjY1VSUpJZ74Ez+uOPPwzvaUEv/S9mc/eHvL8iC/tFr5Q2fVJcXJxq1KiR8vT0VP7+/qpDhw7qxx9/LPTfYu3PrrOz9B7qJSYmqpEjR6qIiAjl6emp3NzcVGhoqOrbt69auXKlyWvJPbSt2bNnm3XvatSoYdb5ippsKVXy7p9OqVwFg4QQQgghhE3J04hCCCGEEHYkyZYQQgghhB1JsiWEEEIIYUeSbAkhhBBC2JEkW0IIIYQQdiTJlhBCCCGEHUmyJYQQQghhR5JsCSGEEELYkSRbQgghhBB2JMmWEEIIIYQdSbIlhBBCCGFHkmwJIYQQQtiRJFtCCCGEEHb0/+ot9EcPYoPVAAAAAElFTkSuQmCC", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "index_list = [8,18,21,30,39,45,54]\n", - "for i in index_list:\n", - " plt.plot(nodal_injection[i,:], label = i)\n", - "\n", - "plt.legend()\n", - "time = [0, 3600, 7200, 10800, 14400]\n", - "labels = ['00:00','06:00','12:00','18:00','24:00']\n", - "plt.xticks(time, labels)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### no control" - ] - }, - { - "cell_type": "code", - "execution_count": 16, - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 0\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 1000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 2000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 3000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 4000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 5000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 6000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 7000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 8000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 9000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 10000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 11000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 12000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 13000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 14000\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n", - "numba cannot be imported and numba functions are disabled.\n", - "Probably the execution is slow.\n", - "Please install numba to gain a massive speedup.\n", - "(or if you prefer slow execution, set the flag numba=False to avoid this warning!)\n", - "\n" - ] - } - ], - "source": [ - "T = 14421\n", - "\n", - "state = env.reset()\n", - "episode_reward = 0\n", - "episode_control = 0\n", - "num_agent = len(injection_bus)\n", - "voltage = []\n", - "q = []\n", - "\n", - "last_action = np.zeros((num_agent,1))\n", - "\n", - "for t in range(T):\n", - " if(t%1000==0):\n", - " print('Simulated steps', t)\n", - " \n", - " state1 = np.asarray(state-env.vmax)\n", - " state2 = np.asarray(env.vmin-state)\n", - " \n", - " d_v = (np.maximum(state1, 0)-np.maximum(state2, 0)).reshape((num_agent,1))\n", - " \n", - " action = (last_action - 0*d_v)\n", - " \n", - " last_action = np.copy(action)\n", - " \n", - " #next_state, reward, done = env.step_load(action, load_p[:, t], load_q[:, t])\n", - " next_state, reward, done = env.step_load_solar(action, load_p[:, t], load_q[:, t], \n", - " gen_p[:, t], gen_q[:, t])\n", - "\n", - " voltage.append(state)\n", - "\n", - " q.append(action)\n", - "\n", - " state = next_state\n", - " \n", - " episode_reward += (reward/1000)\n", - " \n", - " episode_control += LA.norm(action, 2)**2\n", - "\n", - "voltage_baseline = np.asarray(voltage)\n", - "q_baseline = np.asarray(q)" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "metadata": {}, - "outputs": [], - "source": [ - "voltage_baseline.shape\n", - "np.save('nonlinear_voltage_baseline.npy', voltage_baseline)" - ] - }, - { - "cell_type": "code", - "execution_count": 18, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "([,\n", - " ,\n", - " ,\n", - " ,\n", - " ],\n", - " [Text(0, 0, ''),\n", - " Text(0, 0, ''),\n", - " Text(0, 0, ''),\n", - " Text(0, 0, ''),\n", - " Text(0, 0, '')])" - ] - }, - "execution_count": 18, - "metadata": {}, - "output_type": "execute_result" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAfoAAAF/CAYAAAChaAsiAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAA9hAAAPYQGoP6dpAAC5rklEQVR4nOydd3xT5dfAvxlNuhct0NLSlllG2UtEtshQpsAPkCVOQEDFF1BxAAruBSKiDBFEQEBFAdnILntYZltoKVAKdM8k9/0jbdq0SZumI215vp9P6L3PPfe5JyG55z7nOc85MkmSJAQCgUAgEFRJ5LZWQCAQCAQCQdkhDL1AIBAIBFUYYegFAoFAIKjCCEMvEAgEAkEVRhh6gUAgEAiqMMLQCwQCgUBQhRGGXiAQCASCKoww9AKBQCAQVGGUtlbgYUWn0xETE4OLiwsymczW6ggEAoHABkiSRFJSEr6+vsjlZTP2FobeRsTExODv729rNQQCgUBQAYiKisLPz69M+haG3ka4uLgA+v9cV1dXG2sjEAgEAluQmJiIv7+/wSaUBcLQ24gcd72rq6sw9AKBQPCQU5ZTuCIYTyAQCASCKoww9AKBQCAQVGGEoRcIBAKBoAoj5ugFAoFAUGZotVqysrJsrYZNsbOzQ6FQ2Oz6wtALBAKBoExITk4mOjoaSZJsrYpNkclk+Pn54ezsbJPrC0MvEAgEglJHq9USHR2No6Mj3t7eD21iMEmSuHv3LtHR0dSvX98mI3th6AUCgUBQ6mRlZSFJEt7e3jg4ONhaHZvi7e1NZGQkWVlZNjH0IhhPIBAIBGXGwzqSz4utPwNh6AUCgUAgqMII171AIKg8aLNgrlfuvkwO47dC7Q7Gcncvg2M1cKpWvvoJBBUQYegFAkHF5M4FCN8LrcfDhz6mZSQdLHui8H7G/Q2Bj5a6egJBZUG47gUCQcUh5R6856Z/Le4I2980b+QtZUVfWD++dPQTPBQkJSUxbdo0AgICcHBwoGPHjoSGhtpaLasRhl4gEFQM0hPhkzqWyb6XoH/NjjN93M7ReP/CRv3Dg0BgAc899xw7duxg1apVnDt3jl69etGzZ09u3rxpa9WsQiY97JkMbERiYiJubm4kJCSI6nWChxtJgvfdTR8LeBSuH9Rvj94Mvi3AwaOgXEocKFRgn++3FHsRvm1v3PZeQgkVFlhCeno6ERERBAUFYW9vjyRJpGVpbaKLg53C4sj3tLQ0XFxc+P333+nXr5+hvXXr1vTp04d58+YV+/r5P4u8lIctEHP0AoHAdoRtgV9HGbfVCIGX/oXiLEly8jLdXj0YZkbBAv/cthMrofXY4usqKBFpWVoav7PdJtf+b84TOKosM3cajQatVlvAIDs4OHDgwIGyUK/MEa57gUBgG1Y+VdDIhwyDlw8Uz8gXhb0r/F9E7v6fUyDtQen1L6hSuLi48MgjjzB37lxiYmLQarX8/PPPHD58mFu3btlaPasQI3qBQFD+bJ4IEftz9z3rwJRTZXc9R08YvQlWDdLvfxQoXPjljIOdgv/mFLFCogyvXRxWrVrFs88+S61atVAoFLRq1YoRI0Zw4sSJMtKwbBGGXiAQlB+ZqQWj6KedA/faZX/tut2N999zg1k3QW2bQiMPGzKZzGL3ua2pW7cu+/btIyUlhcTERHx8fBg+fDh16lgYLFrBEK57gUBQPmSlFTTy06+Wj5HP4Z18Lvv5teDyP+V3fUGlwsnJCR8fHx48eMD27dsZMGCArVWyCmHoBQJB+fBxXeP9GdfB2bt8dZCbuOWtGQpXd5avHoIKzfbt29m2bRsRERHs2LGDbt26ERwczPjxlTMfgzD0AoGg7MlMhayU3P33EsDB3Ta69DKxPOrnIfplfgIBkJCQwKRJkwgODmbMmDF06tSJ7du3Y2dnZ2vVrKJyTJgIBILKzZ9TcrfNJbkpLzq+oo/ud6kBu+fB/k/07aufhmd+s61uggrBsGHDGDZsmK3VKDXEiF4gEJQtyXfh3Hr9doM+oKgAoyKXGvq/3d/Obbu6E64IF76g6lFhDf2lS5f45ptvGDduHCEhISiVSmQyWaFZibZu3cpzzz1HmzZt8PHxQa1W4+LiQosWLXjzzTeJi7N+JHHixAmGDh1KjRo1sLe3JygoiFdeeYXY2Fir+xQIHgqOLcndHv6z7fQwxwv7crdXCxe+oOpRYQ394sWLmTJlCitXruT8+fNotUWnTly9ejU//vgjCQkJNG3alCFDhtCxY0euX7/O/PnzadKkCRcuXCi2Lhs2bKBDhw5s2LCBgIAABgwYgFwuZ+HChTRr1oyrV69a8xYFgqqPJOW6xnu8C4oKOFvo28J43v6jAJupIhCUBRXW0Ddt2pTp06ezevVqwsLCGD16dJHnTJ8+nVu3bnHlyhV27NjBmjVr2L59O1FRUQwdOpTY2Fiee+65YukRExPD2LFj0Wg0LFmyhGPHjvHrr79y+fJlnnnmGe7cucPIkSMRJQMEAhOcWJG73WGizdQoko6v5G6nJ0DSHdvpIhCUMhXW0D/33HN88sknjBw5kuDgYOSmlsXko0WLFtSsWbNAu7OzM5999hkAR44cITEx0WI9vvzyS1JTU+nZsycvvPCCoV2hULB48WLc3NwIDQ3ln3/EWlyBoADXduVu29mbl6sIvJknvemRRbbTQyAoZSqsoS9tlEq9y1AulxdricSmTZsAGDlyZIFjzs7O9O/fH4CNGzeWgpYCQRUi6Q6E/anfHrXBtrpYgsoRei/Qbx/8CjKSbauPQFBKPBSGPiMjgzfffBOAxx9/HAcHB4vOS0pKMsy/t2nTxqRMTvupU2WYp1sgqGxIEnzWIHe/TlebqVIs2jybu/1liPX96GxTjlUgMEUFjIwpOSdPnuTrr79GkiTu3r1LaGgocXFxtG3blh9//NHifiIjIw3btWubTtPp768vfxkREWHyeA4ZGRlkZGQY9oszfSAQVDq+eyx3e/jqirGkzhKUamjQGy5vg7T78OA6eBQzOC/yoH5Nfu/50HpcmagpEBSHKjmiv3HjBitXruSnn35i69atxMXF0bNnT9auXUutWrUs7icpKcmw7eTkZFLG2VlfEKMowz1//nzc3NwMr5wHBIGgSnLnXO52oydtp4c1/O+X3O21o8zLmWPdGMhKhT+nQur90tNLILCSKmnoBw4ciCRJaDQaIiMj+eGHHwgLC6Np06Zs2GCbucJZs2aRkJBgeEVFRdlED4GgzDnza+7265dtp4e1yOXQLjvw9s45fZW7Yrni86zA2TqjVFUTlA/79+/nqaeewtfXF5lMxubNm42O37lzh3HjxuHr64ujoyO9e/fmypUrtlHWAqqkoc9BoVAQEBDAhAkTOHDgADKZjPHjx3P79m2LzndxcTFsp6SkmJRJTtYH7Li6uhbal1qtxtXV1eglEFRJNuWuTjFkoKts9P3EeH+OJ4TvLX4/59aVijqC8iUlJYXmzZuzaFHB1ReSJDFw4EDCw8P5/fffOXXqFAEBAfTs2dOsnbA1VdrQ5yUwMJBu3bqRnJzMjh07LDonICB3bu7GjRsmZXJG5oGBgSXWUSCo9OxdkLtdGSLtC2PcX8b7Pw2wLGueyKlR6enTpw/z5s1j0KBBBY5duXKFI0eOsHjxYtq2bUvDhg1ZvHgxaWlp/PLLLyZ6sz0PjaGH3Hl2S9PWurq6Uq9ePQCOHz9uUianvVWrVqWgoUBQidFqYO/83P16PW2nS2kQ2Ml4bT0YBxmaRRh6k0gSZKbY5lWKD185QdX29rl5IeRyOWq1mgMHDpTadUqTKhl1b4qMjAzDf0KDBg2KkM5l0KBBfPLJJ6xZs6ZALeLk5GT+/FO/Tnjw4MGlp6xAUBnZ+n+52xOPgkxmO11KC5WjvqTue276/TvnIPEWuPrAhc1w8Et4ehl41sk9R4zoTZOVCh/62ubab8aAynRAdXEJDg6mdu3azJo1iyVLluDk5MQXX3xBdHQ0t27dKroDG1BlRvSxsbEsXrzYZPT7zZs3GT16NDExMQQGBvL4448bHd+0aRPBwcH06NGjwLnTpk3D0dGRnTt3snTpUkO7Vqtl4sSJxMfH07ZtW3r16lX6b0ogqCykPYDj2UtXqzeB6sG21ae0eS0sd/vzYNBkwvqxEHMKfp9sO70E5Y6dnR0bN27k8uXLeHp64ujoyJ49e+jTp49FGVxtQYUd0Z88eZKJE3NzY1+7dg2AJUuWsGXLFkP7pk2b8PHxITU1lYkTJzJt2jRatGhBYGAgkiQRFRXFyZMnyczMxNfXl82bNxu5XAASEhK4dOkS6enpBfTw9fVlxYoVjBgxghdeeIEff/yRwMBAQkNDCQ8Pp0aNGqxZswZZVRi9CATWIEnwUWDu/rPbbKZKmeHqCwMXw+aX9fvzvHOPJeebCtRmlp9elQk7R/3I2lbXLkVat27N6dOnSUhIIDMzE29vb9q3b282sZqtqbCGPjExkaNHjxZoj46OJjo62rCfM19SvXp1PvvsM/bv38/58+cJCwsjLS0Nd3d3OnTowFNPPcULL7xgVbT70KFDqVOnDh9++CH//vsvp06dwsfHh0mTJjF79mxq1KikkcUCQWlw/rfc7aeXgX0VXVHSYiTsngeJN43bdRrj/azU8tOpMiGTlZr7vKLg5qaf0rly5QrHjx9n7ty5NtbINDJJlF2zCYmJibi5uZGQkCCW2gkqNz/2gqjsh/L3EmyrS3mQM19v1JZg/vjbd0GpKludKiDp6elEREQQFBRUwIta0UlOTjakP2/ZsiWff/453bp1w9PTk9q1a7N+/Xq8vb2pXbs2586dY+rUqbRu3ZrffvvNZH+FfRblYQsq5oSCQCCoHPw+KdfIv7jftrqUFy2eKZ58VEHPpKBic/z4cVq2bEnLli0BeO2112jZsiXvvPMOALdu3WL06NEEBwczZcoURo8eXWGX1kEFdt0LBIIKTvwNOPWzfrvJIPBpblt9yovGA+D0z5bLrxsDMwqvhSGoWHTt2pXCnN1TpkxhypQp5ahRyRAjeoFAUHwkybi624BvbadLeVOvJ9TpZtxW2Axomsh3L7AtwtALBILic3RJ7vbwn/XrzR8W5HJ48nPjtjNr9X93f1D++ggERSAMvUAgKB46LWzLU6yl0VO208VWyPLdOje/pB/V7//YNvoIBIUgDL1AICge1/bkbr96wXZ62JL8hh4gYp9pWZWL6XaBoJwQhl4gEFiOTgurh+i3G/QGNz/b6mMrTBn6nwaYls1M0qfNFQhshDD0AoHAcs7lqUjX833b6WFrTBn6wvj3s7LRQyCwAGHoBQKBZei0cOAL/badU9XLZ18cZIpiniDykglshzD0AoHAMg58DnfDwN4NXntI5+ZzKO6IHlELQ2A7hKEXCARFo9Pq87wDtH0eHDxsq4+tKa6hD/uzbPQQCCxAGHqBQFA0czxzt5uPsJ0eFYXiVqtMvl02eggEFiAMvUAgKJz8Wd+86tlGj4pEsV33gsrC/Pnzadu2LS4uLlSvXp2BAwdy6dIlw/H79+/zyiuv0LBhQxwcHKhduzZTpkwhIaHiFnQS31aBQFA4cVdyt98Uy8QAYeirMPv27WPSpEkcOXKEHTt2kJWVRa9evUhJSQEgJiaGmJgYPv30U86fP8+KFSvYtm0bEyZMsLHm5hFFbQQCgXkkCRa11W/X6fpwpbotjLyG/okPwckbPOvCD91tp5OgVNi2bZvR/ooVK6hevTonTpygc+fONG3a1Kgcbd26dfnggw945pln0Gg0KJUVz6xWPI0EAkHFYVH73O0GfWynR0Ujr6FXu0CzYbbTpZIgSRJpmjSbXNtB6YCsuHEV2eS45D09PQuVcXV1rZBGHoShFwgE5gjfC3G5c5O0f9FmqlQ45HnW0RdWuU5gIE2TRvs17YsWLAOOjjyKo13xvVE6nY5p06bx6KOP0rRpU5MycXFxzJ07lxdeeKGkapYZwtALBIKCSJJxStf/iyh+pHlVxmiOXhj6qsqkSZM4f/48Bw4cMHk8MTGRfv360bhxY957773yVa4YCEMvEAgKEn08d7vTa+Bo3m35UJLX0Es6y86RpIf6YclB6cDRkUdtdu3iMnnyZLZs2cL+/fvx8ytY0yEpKYnevXvj4uLCpk2bsLOzKw1VywRh6AUCgTGxF+HHnvptpT30fNe2+lREjAy9hSP6rFRQOZWNPpUAmUxmlfu8vJEkiVdeeYVNmzaxd+9egoKCCsgkJibyxBNPoFar+eOPP7C3t7eBppYjDL1AIDDm2zzzqPV62k6PiozRyNxCQ58W/1Ab+srCpEmTWLNmDb///jsuLi7cvq1PduTm5oaDgwOJiYn06tWL1NRUfv75ZxITE0lMTATA29sbhaK4dRDKHmHoBQJBLpkpxvudXrWNHpUJS0f0yXfArVbZ6iIoMYsXLwaga9euRu3Lly9n3LhxnDx5kqNH9VMQ9eoZJ4+KiIggMDCwPNQsFlYZep1OR2hoKLt27eLkyZPcuXOHBw8e4OHhQY0aNWjdujXdu3enbdu2yOUisYRAUGm4fjh3+8V/waeZ7XSpajyIhFqtbK2FoAikIh7cunbtWqRMRaNYhj42Npbvv/+eJUuWEBMTA5j+UDZt2gSAr68vL730Es8//zzVq1cvBXUFAkGZsm507rYw8pZhaTDe/Wtlq4dAYAaLDH1GRgYff/wxH330EampqSiVSlq3bk3Hjh1p0qQJ1apVw9XVlYSEBO7du8f58+c5dOgQZ8+eZfbs2cyfP5+ZM2fyxhtvoFary/o9CQQCa4g5rQ8YA/BpYUtNKheWGvp7wtALbINFhr5hw4bcuHGDkJAQnn32WUaNGoWXl1eR58XFxbFq1SqWL1/OO++8w7JlywgPDy+x0gKBoJTJSoPvu+Tu/2+17XSpbFjqxs1bM0AgKEcsmkB3cHBg/fr1nDlzhqlTp1pk5AG8vLx49dVXOXv2LL/++qsYzQsEFZUrO3K3Gw8At4LrhgXmsNDQ37sisugJbIJFI/oLFy6UOKhu6NChDBkypER9CASCMiArPXduXmkPw36yrT6VDUuNd3oCpN4Hp2plq49AkA+LrHdpRc6LCHyBoAKy6/3c7YaicE3xKcYo/d7VslNDIDCDRZb3ySefZPPmzWi12rLWRyAQlDcR+3O3e31gOz0qK5YG44Ew9AKbYJGh//vvvxkyZAi1atXijTfeICwsrKz1EggE5UFyLNy5oN9+6aBI6GINxZl3F4ZeYAMsMvSvvPIKnp6exMbG8vnnn9O0aVMeffRRli1bRkpKStEdCASCiknYH4AErrWgpukynIKiKIahz3moEgjKEYsM/VdffUVMTAzr1q3jiSeeQC6Xc/jwYZ5//nlq1qzJhAkTOHjwYFnrKhAISptzv+n/eje0rR6VmeKM6G+eEJH3gnLH4ug4Ozs7nn76af7++2+uX7/OvHnzqFevHikpKSxfvpzOnTvTqFEjPvnkE+7cuVOWOgsEgtJAmwU3Dum3u8+2rS6VGUvn6OVKSI2DhOiy1UdQIhYvXkyzZs1wdXXF1dWVRx55hK1btxqOf//993Tt2hVXV1dkMhnx8fG2U9ZCrAqD9/X15c033+TSpUvs37+fsWPH4ujoyKVLl5g5cyb+/v4MGjSILVu2oNMVI1BFIBCUH+c25G6LTHjWY+kIPUfu8KKy00VQYvz8/FiwYAEnTpzg+PHjdO/enQEDBnDhgn7aJTU1ld69e/Pmm2/aWFPLKfF6t06dOrF8+XJu377NDz/8wCOPPIJGo+GPP/5gwIAB+Pv7l4aeAoGgtDm+TP/XyRvE0tcSYKGhr/+4/u+V7WWniqDEPPXUU/Tt25f69evToEEDPvjgA5ydnTly5AgA06ZNY+bMmXTo0MHGmlpOqZWpdXJy4tlnn+XZZ59l586djBo1irt37xpq+QoEggpEwk39fDHAmN9tq8vDQscpcHkbpN4DrQYUD1eVcEmSkNLSbHJtmYMDMpms2OdptVrWr19PSkoKjzzySBloVj6U2jctMzOTTZs2sWzZMnbv3m1w2VuaLlcgEJQjx5eBpAXfVlC9sa21qdxY6rr3bw9qN32GvDvnwbdFmapV0ZDS0rjUqrVNrt3w5Alkjo4Wy587d45HHnmE9PR0nJ2d2bRpE40bV97fSYn9dSdPnmTy5Mn4+PgwcuRIduzYgSRJ9OrVi3Xr1hEdLQJPBIIKx6Xs4KK63cGKkY4gLxYaeoUSarfXb1/dWXbqCEpMw4YNOX36NEePHuXll19m7Nix/Pfff7ZWy2qsGtHfv3/fUJXu3LlzgN4tExAQwPjx4xk/fryYmxcIKirJdyE2ez13+5dsq0tVoDjL5Rr1hyv/wO650Hl62elUAZE5ONDw5AmbXbs4qFQq6tWrB0Dr1q0JDQ3lq6++YsmSJWWhXpljsaGXJImtW7eyfPly/vzzT7KyspAkCbVazcCBA5kwYQI9evSwah5EIBCUI0eyo76rNwZnb9vqUiUohqHPW0vgfjh41il9dSooMpmsWO7zioROpyMjI8PWaliNRYb+zTff5KeffuLWrVtI2U+vISEhTJgwgWeeeQZPT88yVVIgEJQiZ9fp/3oE2lSNKkOtYsw7O+WJWbq0FR6ZVPr6CErErFmz6NOnD7Vr1yYpKYk1a9awd+9etm/Xr5a4ffs2t2/f5upVfTrjc+fO4eLiQu3atSusLbTI0C9YsAAAV1dX/ve///Hcc8/Rpk2bMlVMIBCUAcmxkHhTv933U9vqUtmZfEIfVFe/V/HO670Ats0Uhr6CEhsby5gxY7h16xZubm40a9aM7du38/jj+uWR3333He+/n1vxsXPnzgAsX76ccePG2ULlIrHI0D/22GNMmDCBoUOH4lDMuQ5B4aSkpKBQKAq0KxQK7O3tjeTMIZfLjf5fiiObmppq8NLkRyaT4ZjH1VYc2bS0tEKTJTk5OVklm56eXmgVxeLIOjo6GqaaMjIy0Gg0pSLr4OBgKMmcmZlJVlZWqcja29sbvivFkc3KyiIzM1N/4PRmyJSgZjNQukNKCmq1GqVSWVDWBHllNRpNoe5MlUqFnZ1dsWW1Wi3p6elmZe3s7FCpVMWW1el0pBWyvKs4skqlErVXPfCqhyRJpOb85jIL/j6UclAr9d8dSZJIrdVZL3flINy7BfauBtni/O4r+j0iIyMDnU6HVqs1/A7z3ut0Op3Zfm0p+/333xu25XK54XefIzt79mxmzy6YSTJvGfb8/Wq1WnQ6HampqWi12gK/+zJHsoLo6GiLZf/66y9rLlHlSUhIkNBP7pl89e3b10je0dHRrGyXLl2MZL28vMzKtmnTxkg2ICDArGzjxo2NZBs3bmxWNiAgwEi2TZs2ZmW9vLyMZLt06WJW1tHR0Ui2b9++hX5ueXn66acLlU1OTjbIjh07tlDZ2NhYg+zEiRMLlY2IiDDITp8+vVDZ8+fPG2TffffdQmWPHTtmkP34448Lld2zZ49BduHChYXKbtmyxSC7fPnyQmXXrVtnkF23bl2hssuXLzfIbtmypVDZhQsXGmT37NlTqOzHH39skD127Fihsu+++65B9vz584XKTp8+3SAbERFRqOzEiRMNsrGxsYXKjm1uJ0nvukqSJEnJycmFyj799NNG3+HCZCv6PSIgIEDaunWrFBoaKoWGhkpnzpwxkr1w4YLhWP7XqVOnjGQvXrxoVvbEiRNGspcvXzYrGxoaaiR79erVQmU1Go1BNjw8vFDZzMxMg2xkZGSB41u3bjV8lnnvEa+88ooESAkJCVJZYdXyur59+1pUtW7Pnj0MHTrUmksIBAKBQCAoBWSSVPxSSnK5nCeeeIItW7aYdDsDHDlyhMcff5zMzMxKHa1YViQmJuLm5kZMTAyurq4Fjld0t1xRssJ1XwFd9we+hH0f6QVm3TSkvRWu++LLKpVK1Go1gN4dn5qqP/CBT0HZHNf9ewm5stHHYeVTuUL/FwF29lXOdX/r1i0CAwMNelYG131eTLnurZFNT08nMjISHx8f1Gq10e8+Li4Ob29vEhISTNqC0sCqdfQvvvgiS5Ys4aWXXmLp0qUFjp85c4a+ffuSlpbGqlWrSqxkVcbJycnIOBUmV5w+LcWxGMtdiiNbnFiO4sjmvbGVpqxarTbcuEtTVqVSGYyHrWTt7Oz0RjTmIKhk4OABLi6Fy1qAUqk0GP3SlFUoFBZ/h83JSpKEViehVOQ6LeVyucX9FkdWJpPlyqoKX15skG3Q2Vj2yGfQ+8MC8mX1uy+Pe4RCoUAul6NQKEwOCOXFqK9Q2WVzPgtHR8cC9yVLf8clwSpDv2jRIq5fv86yZcsICgoyquJz6dIlevXqRUJCAosXL2bEiBGlpqxAILASTSZEh+q3R6y1rS4lQKPVUf/trQVy1Pw1pRPeLmp6fraPxHRjb8uIdrX5cFDTipXjQyaDts9B6A/6/SvbTRp6gaA0sMrQy+Vy1q9fT6dOnZg9ezZBQUGMGDGCyMhIevbsSVxcHB9//DEvvPBCaesrEAisIWI/aDP1ler82tlamyKRJIn9V+LQ6nR0a1idd/+4wLbzt4lNMu3+7/f1AbN9/XLsBr8cu8F/c57AUVWBCsk0eirX0Isa9YIyxOpvvZOTE1u2bKFDhw48++yzAMyePZubN28ye/ZsXn/99VJTUiAQlJBz6/V/mwyqsCVpJUkiaNbfZdZ/43e2M6SVH58Na15m1ygeeTwMGvNxBgJBSSnR422tWrX466+/6NSpE8888wySJDF16lSjZALWcunSJf755x9OnDjBiRMnCAsLQ6vVMnfuXN5+++0C8jqdjiNHjrBt2zZ2795NWFiYIeCtZcuWjBs3jpEjRxbbfbdixQrGjx9fqMzWrVvp3bt3sfoVCMqV++H6v4GP2VYPE9xNyqDPV/uJS7ZsPXHnBt789GyuVyJTo+Opbw7gqFawcGQrarkbx3wEzvzLsP3byWgerVeNwa38Skd5Swl4tGCbLN8Dl05XYR/CBJWbEvuxmjVrxoYNG3jyyScZN24cX3zxRWnoxeLFi/nqq68slg8PD+fRR/U/Jk9PT9q0aYOHhwfh4eHs3LmTnTt3snbtWn777Tergh/q1q1Lp06dTB6rVatWsfsTCMoVKXtVg8KyQLvy4ExUPAMWHTR7/OsRLZn/dxi3EvSj3V+e70DL2u7Y2xkHdqmUcra/2tlsP5EL+nHoahwjfzgKwGvrzlDTzZ6OdcuzhLaJAUb+QcftM+DbsnzUETxUWGTozS2hy8+PP/7Ijz/+aNQmk8kKXYpkjqZNmzJ9+nRatmxJq1at+PDDDwuN4JfJZHTv3p033niDxx9/3Ejnffv20a9fP7Zs2cKCBQt45513iq1Pp06dWLFiRbHPEwgqBDmGPv8o0gZIksQn2y/x7d5rBY6plXIuzu1t8Lz1b+5bKtfsWM+LXa93ocdn+wAYufSo4djycW3pFly9VK5jFpOexHxtsReFoReUCRb96iVJsvpV2Prownjuuef45JNPGDlyJMHBwUUubahbty67du2id+/eBR5MunTpwsyZMwH46aefrNJHIKjUVBBDP3nNSYJm/V3AyG+d+hiRC/pxaV6fMouOr+vtzK7XuxRoH78i1Mi9X27kf585qyIEFYoFCxYgk8mYNm2aoS09PZ1JkyZRrVo1nJ2dGTJkCHfu3LGdkkVg0a9ep9OV6FURaNlS/6QcFRVlY00EAhuQY+hNuZDLiQ//DmPL2VuGfZVCzu7XuxC5oB+NfMomUUh+6no7o5Cb/gwCZ/6FRlue96t8elw3P40hsA2hoaEsWbKEZs2aGbW/+uqr/Pnnn6xfv559+/YRExPD4MGDbaRl0VSgtSZly5UrVwDw8SmYucoSrl69yttvv01sbCzOzs40bdqU/v374+VVnvN8AoGV5Cw8t9Fa8quxyXy/P9yw3y7Ik19f6GCTte3H3+rJH2di6N/cF1cHO+q+mRvpX++trUTM71s+euX3rty9CA8iRfngCkJycjKjRo1i6dKlzJs3z9CekJDAjz/+yJo1a+jevTugr1zXqFEjjhw5QocOHWylslkeCkOfmprK119/DcCQIUOs6uPgwYMcPGj8xG1vb897773HjBkzSqyjQFCm2NB1n6XVMShP0N21D/uaHVWXBx5OKsZ2DDTsH3+7J23m7TTsB83623pj3/sj2Gbh/cBU/5e2QoeXi3/dSoAkSWgybePhVarkxf7/nDRpEv369aNnz55Ghv7EiRNkZWXRs2dPQ1twcDC1a9fm8OHDldfQp6WllUp52tLqp7hMnDiRiIgIfH19jbL4WULNmjV566236N+/P3Xq1EGtVnPp0iW++eYbVq1axcyZM9FqtUX2m5GRYZTrOzEx0ar3IhBYR86IvvwN/fjloSRl6ANy97/RzaZG3hRezmoi5vc1WsP/y7EoRravXfzOivX55vkcarWGmyfg4l9V1tBrMnV8P3WfTa79wlddsFNbFlQOsHbtWk6ePEloaMG4idu3b6NSqXB3dzdqr1GjBrdv3y6pqmWCRd/KunXr8t133xVaIKQwNBoNixYtom7duladXxLmzp3LypUrsbe3Z926dVSrVq1Y5/fu3Zt58+bRrl07vLy8cHFxoU2bNqxcuZJPP/0UgDlz5hQZiDF//nzc3NwML39/f6vfk0BQbGw0or90O4kDV+MAeLlrXWpXszxvenkik8mIXNDPsP/mpnMs2VdwVYAFHVkn22qs/u/1g5Byr/jXFZQaUVFRTJ06ldWrVxerXkZFxqIRva+vLxMnTuSDDz5g7NixjB07lvr16xd53qVLl1ixYgWrVq0iJiaG1q1bl1jh4vD555/zzjvvoFar2bRpk2GdfWkxdepU5s+fT1xcHP/88w+jR482Kztr1ixee+01w35iYqIw9oLyw0aGftGeq4bt/3uiYble2xouzetNw7e3ATB/60VqeTjwZLNiLPHTmq8oWJA8ht4jEGqGwO1z8N8mfR78KoZSJeeFrwqueiiva1vKiRMniI2NpVWrVoY2rVbL/v37WbhwIdu3byczM5P4+HijUf2dO3eoWbNmaapdalhk6ENDQ/nhhx94++23+fDDD5k/fz5+fn488sgjNGrUiGrVquHq6kpiYiL37t3jv//+4/Dhw9y8eRNJkvD29ub7779nwoQJZf1+DHzzzTe8/vrrqFQqfvvttzLJXKdQKKhfvz5xcXFERxeeq7o4Fc8EglLHBoY+MT2LP87EANA3pGbFKipjBrVSwZ+TO/HUQn3u/MlrTjF5zSkATs1+HA+nIpJtHfra8ovl/Txkcgh+Sm/o93xYJQ29TCYrlvvcVvTo0YNz584ZtY0fP57g4GBmzJiBv78/dnZ27Nq1yxDzdenSJW7cuMEjjzxiC5WLxCJDL5PJeP755xk9ejSrVq1i4cKFnDt3jqioKJM/3pw6vM2aNWPy5MmMGjWqXOfmFy1axJQpUwxGvl+/fkWfZCX37undbC5myn4KBBUCg6EvH2ObkqGh2Xv/GPbf7te4XK5bGoT4ubFoZCsmrTlp1N5y7g4Oz+qOj1sh97KkW+aP5Se/oa/bHfZ+qK80KNLh2gwXFxeaNm1q1Obk5ES1atUM7RMmTOC1117D09MTV1dXXnnlFR555JEKGYgHxYy6t7e35/nnn+f5558nMjKS3bt3c+rUKe7cuUNCQgLu7u5Ur16dVq1a0a1bNwIDA8tIbfN89913TJ482WDkn3zyyTK71smTJ7l8+TIA7dpV/IpggoeYch7Rj1l2zLD9WH0vfN3LPwi3JPRr5kOQ12P0/fpfo/ZH5u/mrb6NeL5zHU7deMC641H83xPBuSP9Hu/ArjkWXiWvoZeBbwv9dmYS3D6buy+ocHzxxRfI5XKGDBlCRkYGTzzxBN9++62t1TKL1cvrAgMDDVXrKgpLly5l4sSJxTbymzZtYtasWdSqVYtdu3YZ2lNTU1m+fDljxowpMGLfv38/Y8fqA2g6deokDL2gYiOVX9R9fGomJ64/AKCOlxOrJrQv82uWBY19XQ0BeqN/PMq/V/RBhR/8HcYHf4cZ5BLTNSwamT2f61aMuJv8I3qFHdRspjfyZ9cJQ1+B2Lt3r9G+vb09ixYtYtGiRbZRqJhU2HX0J0+eZOLEiYb9a9f0EbBLlixhy5YthvZNmzbh4+PD6dOnefHFF5EkiTp16rBhwwY2bNhgsu/8OesTEhK4dOkS6enGpSIzMzOZPHkyr7/+Oi1btqR27dpoNBouX77M+fPnAQgJCWHdunWl8ZYFgrKjHBPmtJizw7BdWLGZysSqCe1ZfzyKNzacLXBs5395V9wU5/PNIyvPvhX7NNcb+huHrdJTIDBFhTX0iYmJHD16tEB7dHS0UeBbztr0+Ph4Q2zAxYsXuXjxotm+LS1O4+joyOzZszl+/DgXL17kwoULpKWl4eHhQc+ePRk6dCjjxo2zqhqeQFCulJPrPm/O+O7B1bFTVJ155qFt/OkT4kPTd7cbtWdorEwCk/f/Qp4dpNZlBpxaBbdO65fZORVvObBAYIoKa+i7du1qMNxlIZ+XcePGMW7cuALtKpWKOXMsnW8TCCow5WDofzocabS/dEybMruWrXBWK1k6pg3P/3Tc5PFUjRaLMwUYue6zDb27f+4yuyv/QIsRJdJXIAALE+YIBIJKThkb+sV7r/HO7xcM+6ffebzCZcArLXo2qs7oDgFGbR9t03sQZ2w4Z+qUosvUyvOMuRr21f8N+6MEWgoEuQhDLxA8DJRh9bpt528ZDB3Asbd64O5YdaezZDIZL3apY9S2eO81Tt14gGTm89WYquKZ1/jL86wvb/SU/m/4Xv1SO4GghAhDLxA8DJTRiH7x3mu89HPuevMjs3pQ3aVqpA0tDKWJNe6Dvj1kVj7mQZqJVjMj+hpNwdELslL1+e8FghIiDL1A8FBQusvrMjU6Amf+ZRjJu9grOfZWD2q6VX0jD+Zz2Zgb0WfqTMQP5V9el7c9MDtd97+fWqmhQJCLMPQCwcNAKY/oG7y91Wh/x6tdHoqRfA6mRvRgeJwqwJ2EjIKNRlH3+eKi3bMr56XcLb5yAkE+SuVXn5mZya1bt7h//35pdCcQCEqbUjT0nT/eY7R/7cO+D81IPgdFqeQjMDNHD9DuRf3fW2cgPaEUriV4mCnRr/7nn3+mXbt2ODk54efnx/Tp0w3HNm3axMiRI4mIiCixkgKBoISUUsKcz/65xI37qYb98A/7Vtno+sJQKEy/Z3Oue5PIzMzRg36ZXQ4HvrS8T4HABFYb+ueee46xY8dy/PhxHBwcCqxhb9CgAWvXruW3334rsZICgaCElHBEr9NJBM78i29255adPfF2T+QPoZEH4xH99F4NGPNIAJ8ObV48Q58XWSFV3c78Yl2fglJhwYIFyGQypk2bZtR++PBhunfvjpOTE66urnTu3Jm0NFNBl7bHql/96tWrWbZsGU2bNiU0NJSEhIKupSZNmuDn58fWrVtN9CAQCMqVElavC3nPOBvc+fefoJrzw1t2Oe8UfTVnNXMGNOXp1n7F60SnzdOhCUM/IDuPelYqaEzM8QvKnNDQUJYsWUKzZs2M2g8fPkzv3r3p1asXx44dIzQ0lMmTJyOvoBUHrdLq+++/x9nZmS1bttC6dWuzdaZDQkKE614gqAhYOaLX6iQ6fbSblMxco3Ttw744qytsUs1yIW8wni6PN7Ow3JypmRrjBinP2npThr75CHCuqZ+jD99npaYCa0lOTmbUqFEsXboUDw8Po2OvvvoqU6ZMYebMmTRp0oSGDRsybNgw1OqK+fBrlaE/c+YM7du3x9+/8EpNnp6e3Llzp1AZgUBQDlhRve6PMzHUffNvovOsAY+Y/3DOyecn70dgPGtpbu4eou7nc+vmNfSmXPdyBTTur9/+b7MVWlYsJEkiKz3dJi9r0qNPmjSJfv360bNnT6P22NhYjh49SvXq1enYsSM1atSgS5cuHDhwoLQ+qlLHqsfyjIwM3NzcipS7e/cuCkUhc08CgaB8KMaIPjYpnRd+OsHpqHij9vPvP2HWe/ewkfdz0FloRC7eTqRhzbzlrvOcZ2pEDxDcD459XyVG9JqMDL4e+7RNrj1l5Qbs7C1fGbJ27VpOnjxJaGhogWPh4eEAvPfee3z66ae0aNGCn376iR49enD+/Hnq169fanqXFlaN6GvVqkVYWFihMpIk8d9//xEUFGSVYgKBoBhkJIFWY/64hYZeq5No98EuIyM/sWtdIhf0e+jd9ebQ6Sxz3V+8nWTckPcBwdz/i292nfvEaEgWa+rLg6ioKKZOncrq1auxN/FwoMtOZ/ziiy8yfvx4WrZsyRdffEHDhg1ZtmxZeatrEVb9cnv06MEPP/zA77//zoABA0zKrFq1iujoaIYNG1YiBQUCQRE8iITvu+pTp47bYlrGQkN/NPye0f6Lnevwf72DS65jFSZv0rvCou5PXH+Qr8UCQ2/vCp514f41uLgF2oy3XlEbo1SrmbJyg82ubSknTpwgNjaWVq1aGdq0Wi379+9n4cKFXLp0CYDGjRsbndeoUSNu3LhROgqXMlYZ+unTp7Nq1SpGjhzJBx98YGTM79+/z7p165g+fTpOTk5MmTKl1JQVCAQmOPQNpD2AyH/1kdz53cCSRFEpcM9FJ/DUQuM5xq4NvZnVt1EZKFy1sNR1fyziPvdTMvF0yi74Y8mIHvRGHmDLtEpt6GUyWbHc57aiR48enDtnXIVw/PjxBAcHM2PGDOrUqYOvr6/B4Odw+fJl+vTpU56qWoxVrvv69euzcuVKdDodr7/+Ov7+/shkMlauXIm3tzeTJk1Co9GwYsUKateuXdo6CwSCHCQJQn/I3Y83MaIwMkQFR5x/nb1VwMj/r60/K8a3KyUlqzaShSN6gN0XY/OembspYh8qDC4uLjRt2tTo5eTkRLVq1WjatCkymYw33niDr7/+mg0bNnD16lVmz57NxYsXmTBhgq3VN4nVi/6GDh1KaGgoQ4cOxcXFBUmSkCQJe3t7nnrqKQ4fPsyQIUNKU1eBQJCfW2eM95NumxAyb1DSs7RMWnPSqO2Tp5uxYIjxumGBeSxdXgcwff2ZIiRMMPC73O3C4jAE5ca0adOYNWsWr776Ks2bN2fXrl3s2LGDunXr2lo1k5QouqZp06asXbsWSZK4d+8eOp0OLy+vCps0QCCoctw8bryvMZGZy2gZl/Fvc93xKKP9f/+vG/6ejqWl3UOBqcJ0ADOynucju6WA8Uj/QUomHk4qqN5E/3KuXvgFmg2Hv9+AzCS4cx58W5SS5gJL2bt3b4G2mTNnMnPmzPJXxgpKxSLLZDK8vLyoXr26MPICQXly46jxfpblhj4xPYt3fr8AwPOPBRG5oJ8w8lZgPKLPNegxUjUjuSAvJwC+/1e/PAuFEl46AKM3FX4BuRxU2f8v298qucKChw5hlQWCykzUEeP9Yhj6Zu/9Y9ie/kTD0tbsoUEyY+jz82Z2YOPKQ5GkZGS74OVyy+bnk7MTj12vuElZBBUXq1z3zz77rEVyKpUKLy8v2rRpQ9++fVGpVNZcTiAQmOL2+dzgu4BH4fpBiw39qRu5S70mdApCrRSJrazFnOteQsYlnR8N5dH8rnuUTxrpXfSpmVre3nyeL4a3sPwiLZ+BUz9nX1BnnGxfICgCqwz9ihUrgNzsUPnTC+Zvl8lk1KhRg5UrV/L4449bq6tAIMjLwS9zt5289X8tNPRf7bpiaHq7n1hCVxIKC8YbnPk+DWVRnJTq86lMxvA2/vx6PIpNp24ytUd9ArPd+UXyxPxcQ391BzR4onSUFzwUWPVYuHz5ciZPnowkSfj6+jJ16lS++OILvvzyS6ZNm4afnx+SJDFp0iTmzJlDly5duH37NgMHDuTixYul/R4EgoeTnPn5Ol1Bmb0+uchgPBlrjt5g7yV9lrWdr3UWaW1LiMzIXW/8WabgwEmpgaF9zsAmhmMrDkVafhFFHm/oGpGETFA8rDL07dq1Y9myZUybNo3w8HC++OILpk6dypQpU/j888+5evUqr776KsuXL2fw4MHs3r2bd955h7S0ND7//PPSfg8CwcOHJEFmsn67+zugzDYE2izTstlk6eDNTfpkIG0DPahX3aWgvMAiXu5aFz8PB8Z2DDB53JRHX61U8N0zrQG9oY9PzbTsYnKRflhgPVYZ+nfffRcfHx8+++wz7OzsChy3s7Pj008/xcfHh3fffReAt956Cx8fH3bv3l0yjQUCAdy7Bmn39SP5miG5Iz5ttuHQZML+TyE2zGhE/8fZ3HX2qya0L0+Nqxwzegfz7/91w90xd7RdVMIcgF6Naxi2W8zZwarDkUVfzFzRG4HAAqwy9Pv27aNt27aFuvxkMhlt27Zl//79gN74h4SEEBMTY52mAoEgl+hj+r8+LfSj+fyGflE72D0Xvu1gNKJ/fYN+NP9Mh9rY2wnjUVLy3wMlo23T90e5XMb/9c5d5TD79wvs+K+Ict4yGYTkcdnfPmdeViDIh1WGPjExkQcP8hdoKEh8fDxJSbkVmzw8PMR8oEBQGkRlG3r/tvq/imzPWo7r/kFErmzeOfps4/P642I5nS2Z2LWe0f47v58v+qTB3+dub55YyhoJqjJWGfq6deuyd+9erl69albmypUr7Nmzxygl4K1bt6hWrZrZcwQCgYVEZ9fJ9svOR59/RJ+XbEOvlfRGvoarWp+ZTVDq5B3FF+XGX/1c7tTJrYT0AquXCpB3kHT7rFX6CR5OrDL048ePJyMjg65du/Ljjz+SmppqOJaWlsayZcvo3r07mZmZjBs3DoCsrCzOnDlDs2Yih7ZAUCIykiH2P/22f46hzy7DWYih12X/3A/N7FHWGj60mDPugdUKZhyU5/Nu7rss6s1XBN577z1kMpnRKzg4t1Rz165dCxx/6aWXbKhx0VgVyjlt2jT27t3LX3/9xQsvvMALL7yAl5cXMpmMu3f1X1ZJkujbty/Tpk0D4L///qNFixaMGjWq1JQXCB5K7lzQG28XH3CpqW/L77rPS7ahl4BuDb1RyMX0WXlTw7Vgedb8/w1f7rxC14ZF5L3PS9wV8KpfQs0EpmjSpAk7d+407CuVxqby+eefZ86cOYZ9R8eKnTraqhG9QqHgjz/+4MsvvyQoKAhJkrh79y6xsbFIkkRAQACff/45f/zxBwqFPuCnefPm7NmzhxEjRpTqGxAIHjpy3LY1Q3Lbclz3sWH6zGlGSNn/yhjRTpSNLkvMOd9NhSblf+A6HRVP9IPUgoJ5Gbk+d3vVoOIpJ7AYpVJJzZo1DS8vLy+j446OjkbHXV1dbaSpZVidR1EmkzFlyhSuXr1KVFQUhw8f5vDhw9y4cYPw8HCmTZsmCtwIBGVBTsS1kaHPHtHHnITf8tXENozoZdgpxW+yLCnOHL2pwOSRS4+akMxDvTzTLglR5uUqIJIkocvU2uRVZPxDPq5cuYKvry916tRh1KhR3Lhxw+j46tWr8fLyomnTpsyaNcto+roiUipZGGrVqkWtWrVKoyuBQFAUJg19nuC6CxvBqTqkxOr3s29yOuQoxKqXMqWJjyvcs0w274C+Y91qHLp2jxv3U/kvJpHGvmZGiJV4Pb2UpSPmnUM2ubbvnI7IVJZ9du3bt2fFihU0bNiQW7du8f777/PYY49x/vx5XFxcGDlyJAEBAfj6+nL27FlmzJjBpUuX2LhxYxm/C+sR6ZYEgsqEVpMbiFczT2CrIl8Uvdolj6HPnaMX8/NlS5tAT4Ohl6TCP+u8wXgvd63LoWv6Exfvu8Y3I1padsFbZ8FHBDiXJn369DFsN2vWjPbt2xMQEMC6deuYMGECL7zwguF4SEgIPj4+9OjRg2vXrhmtMqtIlMjQZ2RksGfPHi5dukRiYqJJ94hMJmP27NkluYxAIMjh/jXQpIOdE3gE5bYr8mWoNBq5547o80d6C0qXf6/ew1S5GZkJN37e/ws7hZzfJz3KgEUH+fNMDO/3b4KnuSWQg5fCxuf127+OgmmVI3mOzE6O75yONru2tbi7u9OgQQOzy8nbt9cvk7x69WrVM/SbNm3ixRdf5N49834qSZKEoRcISpOcRDk1GhuXKi3wkC0rcEyM6MueB3ly1xc1K5z3mUshl9Hc35263k5cu5vC098dYvfrXU2fGDI019DH3zAtUwGRyWQWu88rEsnJyVy7do3Ro0ebPH769GkAfHx8ylGr4mHVY87x48cZPnw48fHx/O9//yMkRD9XOHPmTIYMGWKIQJwwYQLvvPNO6WkrEDzsHMguCpWZYtyuy7es7l5uGdpcQy9DIWLxypQhrf0tls0/ogcY3MoPgPC7KRwNNzOIyu+V0WqKp6SgUKZPn86+ffuIjIzk0KFDDBo0CIVCwYgRI7h27Rpz587lxIkTREZG8scffzBmzBg6d+5coXPEWPWz//TTT9FqtWzYsIHVq1fTsqV+PumDDz5g3bp1XL58mV69erF161YmThSpGgWCUiM5e969YV/jdl0hN/s8UffCdV+2qJSWj1jzOmSU2Z6WiV1zXb/Dvz9i/uRG/XO3L/1t8TUFRRMdHc2IESNo2LAhw4YNo1q1ahw5cgRvb29UKhU7d+6kV69eBAcH8/rrrzNkyBD+/PNPW6tdKFa57g8ePEjjxo3p37+/yePe3t6sXbuWwMBA3n//fRYuXFgiJQUCAfqReU650sYDjI+ZSpSTw4NIANxlKcJ1X47kXV5n6vkq70OXKnvZo0wmY/7gEGZt1M+7R8alEOjlVPBkWZ6nhHWj4b2E0lFawNq1a80e8/f3Z9++feWoTelg1Yj+7t27RikBc7IGpaenG9rc3Nzo0qULf/8tnjYFglIhIQrS40GmAK8Gxsf82pg/b21ukioxoi9jzHy+ppZx533mssszpzKiXW26NPAG4N0/Lpi5UPHWhQsebqwy9C4uLmg0ua5CNzc3gAIlaO3s7Lh9+zYCgaAUuLxd/9evDdjlS6nq0xwGfV/wHDBy64sRfdmS90Gq6GC8vHP0xv8v/Zv7AnA88j7xqabqF+TrPbNiJ2wR2BarDL2fnx9RUblZmXJG93v27DG0ZWVlceTIEWrUqFFCFQUCAQAxp/V/63Y3fbz58CK7EIa+rDH9+Zoa6OdtUuWLkhzcqhaeTipSMrW0mLOj6Msu6VwMHQUPG1YZ+k6dOnHhwgUSEvTzQv369UOpVPLaa6+xaNEi/vzzTwYPHkxMTAyPPfZYqSosEDy03A/X//W0fq2ucN2XLTKjEX3hn3XeMbldPkMvk8kY2sbPsL/lrLG3tIC/IO8qC4EgH1YZ+oEDB+Ln52cISvDx8eHNN98kKSmJKVOmMHDgQP766y/c3d2ZN29eqSosEDy0PIjQ//UMKlyuEMSIvqyx/PPV6XKNtVJR8LyZvXPjoJYdiCiZWoKHGqui7nv06MGVK8ZPkO+++y4hISGsX7+e+/fv06hRI6ZNm0bt2qJalkBQYrLSIOmWftujBIZejOjLlLwfb1Ejem2eefb8I3p9XzL+nNyJpxYe4OSNeGKT0qnukh2bYSq6LzkWnItR5racKG5BmaqIrT+DUs11P3jwYAYPHlyaXQoEAjAskUPtCo6eVnejMDFyFJQmls/R5733m5tSCfFzM2y//PNJfnu5kBSyn9avUMvs7OzskMlk3L17F29vb5PV+h4Gcsq4y2Qy7Ozsij6hDLDK0P/000/Uq1ePjh0Lz1t85MgRLl++zJgxY6xSTiAQZBOfHfzqHmDSaqRkaLC3U1BUuhYxoi9jijE1ktfQKy0478T1B9ZoZDMUCgV+fn5ER0cTGRlpa3Vsikwmw8/PD4XCNimArTL048aNY9y4cUUa+h9//JFly5YJQy8QlJTEm/q/bgXLQW86Fc2rv56hTYAHG4roRi5S4JYpxXmM0uWx9PJCDP2PY9swYeVxAC7eTiS4pivUfxwubrFWzXLD2dmZ+vXrk5VVSEKnhwA7OzubGXko4zK1tp6XEAiqDInZUdeuvgUOvfrrGQCOX38A9gUOGyFG9GWLLE/Guloejpy8b17WZMY7E/RolLtEecDCg1ya1wdajgEnb1g70lhYkwlKM1XvbIRCobCpkRNYGXVvKbGxsTg6OpblJQSCh4Mk04b+8DXjwicJQX0oDBF1X7bknYd+pkNAbruJsb6zWsmJt3ty9r1eRfb7aL1qAGRodKRlavWumeB+BQX/ft0KrQVVHYtH9Pv37zfav337doG2HDQaDRcuXOCff/4xVLYTCAQlwDCiN3bdj1hqXPjkUtsPaRex1Ww3hbmIBSUnr8NEX+BGC0Bdb9Oj92rOaov6/X50G5q8q8+M2OidbUQuyDby/T6Hv17LFTz5E/T/pth6C6o2Fhv6rl27Gj2tbt++ne3btxd6jiRJvPzyy9ZrJxAI9CTf1f91yl0+ZSo4K15XuOEQrvuyxriQzcaJHdly5havPl6/RL3a25lxfbedYGzoBQITWGzoO3fubDD0+/bto3r16kaFbfKiUqnw8/NjyJAh9O3b16RMUVy6dIl//vmHEydOcOLECcLCwtBqtcydO5e33367gLxOp+PIkSNs27aN3bt3ExYWRmJiIm5ubrRs2ZJx48YxcuRIq5d4nDhxggULFrB//34SEhLw8fHhySefZPbs2VSvXvHWrgqqGKnZLvo8S+te+Om4Yfux+l78eyWO5ExJX9ksuzRtfoTrvozJd39pVduDVrU9Stxt/v+3P8/E8FTzgvEagH6Fhrt/ia8pqDpYbOj37t1r2JbL5fTp04dly5aVhU4ALF68mK+++spi+fDwcB599FEAPD09adOmDR4eHoSHh7Nz50527tzJ2rVr+e2331CpihessmHDBkaMGIFGo6Ft27YEBQVx/PhxFi5cyPr16zlw4AD16tUrVp8CQbFIy47qyjb0GRot91L0xU7e7BvM6ah4AJLSNaBQgSbdVC8iBW4ZY/zplm4IVMT8vgTN0lcDfeWXU+YN/a73YcgPpXptQeXGqm/inj17mDFjRmnrYkTTpk2ZPn06q1evJiwsjNGjRxcqL5PJ6N69O1u3biU2Npbt27ezdu1ajh07xt69e3FycmLLli0sWLCgWHrExMQwduxYNBoNS5Ys4dixY/z6669cvnyZZ555hjt37jBy5EixwkBQdmSl5xpuB/3ocM9FvSu/pqs9z3Wqg7Na/8yenJFt6M0gRvRlTJ6o+9JOEJO/v6R0M0vWzq0v1esKKj9WGfouXbrQsGHD0tbFiOeee45PPvmEkSNHEhwcjLyIBcB169Zl165d9O7du8BSji5dujBz5kxAn+ynOHz55ZekpqbSs2dPXnjhBUO7QqFg8eLFuLm5ERoayj///FOsfgUCi0mP1/+VyUHlAsAfZ/Tr6vu38EUul+Gs1mfc0ht689m3hJ0vW/Ia47L4qCd0yk1/HPJe9j0nqEtBQZ22DK4uqKw8NOkzWrZsCWBUXtcSNm3aBMDIkSMLHHN2dqZ///4AbNy4sYQaCgRmSIvX/7V3A7mcxPQsdobFAjCghd59a2+n/ymnZ2lBbt7QP6xpSMuLvJ+uVAZ317f7NTLalyQJhq6A3vk8lbdOl/7FBZUWi76KOQkPrHkplWWak8dicorw+Pj4WHxOUlISV69eBaBNmzYmZXLaT506VUINBQIz5Izo7d0BWLD1IpkaHd4uahr7uAKgVuq9WPeSMwt13QvKGKMHqdJ/qMr/oDZh5XF93EaHfKublnYv9WsLKi8WWeGSzD9XhLnr1NRUvv76awCGDBli8Xl58zObq8Ln76+Pbo2IsK6MZEpKismsUQqFAnt7eyO5/Pz95ueo0pTgr2LA7NcLlc1BLpfj4OBg2E9NTTX7fySTyYwSHhVHNi0tDZ3OdOQ3gJOTk1Wy6enpaLXm3ZLFkXV0dDTcODMyMtBoNKUi6+DgYJhqyszMLDT9p0Wy925DpoS92g0FsOboDSRtFh38PElNTQVApklHl5nO5tBwpjplESiTDPPxWVqJzJyPwcR3Q61WGx7Is7KyyMzMNKtvXlmNRkNGRoZZWZVKZSjiURxZrVZLerrpYELQpxPNCagtjqxOpyMtLa1UZJVKJWq1fimjJEmG/4eM9HRSMvW/kbS0dFJSUszKmsKS3/3eaY/Q+eM9yORydl+MRZIkZDIZKc0nQGieILw85+b/3Yt7hGWy5XWPKHOkSsLYsWMlQJo7d67V5/r6+kpxcXEWn3fw4EEJkAApKyvLpMw///wjAZJKpSq0r/T0dCkhIcHwioqKMvRt6tW3b1+j8x0dHc3KhvjWNZL18vIyK9umTRsj2YCAALOyjRs3NpJt3LixWdmAgAAj2TZt2piV9fLyMpLt0qWLWVlHR0cj2b59+xb6ueXl6aefLlQ2OTnZIJvzHTH3io2NNchOnDixUNmIiAiD7PTp0wuVPX/+vEH23XffLVT22LudpfiUTClgxhbJvev4QmX3jHWUpHddJeldV2lhH/tCZbds2WLQYfny5YXKrlu3ziC7bt26QmWXL19ukN2yZUuhsgsXLjTI7tmzp1DZjz/+2CB77NixQmXfffddg+z58+cLlZ0+fbpBNiIiolDZiRMnGmRjY2MLlR07dqxBNjk5uVDZp59+2ug7XJisQ502UsCMLdLWc7ckSSr8HtGlSxejfsU9Qk9FuEe88sorEiAlJCRIZUWVn6OfO3cuK1euxN7ennXr1lGtWjWb6DF//nzc3NwMrxxPgEBgMUo1f5zVZ8ir5mS5e17jbPl0laDy8dLPJ2ytgqCCI5OkCuBbt4Bx48axcuVKswlzTPH555/z+uuvo1ar2bx5M7179y7WNc+dO0ezZs0AiI+Px83NrYDMpk2bGDx4MF5eXty9e9dsXxkZGUauy8TERPz9/YmJicHV1bWAvCUuvKOvr8bPMZCw5FMM+H5GobI5CLdcLpXGdX9iBWybhX3Ik9Q9MwqANn4urBzf2iDyy9HrzNkSBsBa1Vzaq8INrvtk94bIYi8yh+d45625BboXrvviy5pzx587eYiQrfrpwfO919O0dadSd90DTP3lFDsu3kWWXcDmp2fb0bqWI6Tehy+a5Aq+dQsQrntrZcvjHhEXF4e3tzcJCQkmbUFpUOJIuSNHjrBnzx5u3tQv96lVqxbdunWjQ4cOJVauJHzzzTe8/vrrqFQqfvvtt2IbeYCAgADD9o0bN0zm7c+J4g8MDCy0L7Vabfix58XJycnoi2cOUzIOdmocVQ6olXZFypqjOEWHiiOb90ZRmrJ5b4KlKWvu/6eksiqVyuIETWZl1UpQyUjW5jrgpvRqZPT/LCntkav077ejfQR5A8HkuiwcVTKyMu2K/G7Y2dkZDG5RKJVKi4NtiyOrUCgs/g4XR1Yul5eJrEwmM8g6OjrgpNJ/9qZ+23llLcGcrFLtYDDyAGOWHdPnv3dyAlWegD0z54t7RPFly/IeUdZYbehv3LjBqFGjOHToEIDhKS7niebRRx/l559/NhvEVpYsWrSIKVOmGIx8v34mqjxZgKurK/Xq1ePq1ascP37cpKE/flyfhrRVq1Yl0lkgMItOPzK4cDt3JPhYfS8jkbZBnpjjXmIKjoD24VlNazNMVakrL45F3KddId8DwcOLVb/8+Ph4unXrxsGDB1Gr1fTv35/XXnuN1157jQEDBqBWqzlw4AA9evQgISGhtHUulO+++47JkycbjPyTTz5Zov4GDRoEwJo1awocS05O5s8//wRg8ODBJbqOQGCWbEOfmu0JHNbGr8Ayqxb+7nw9oqXJ0+WS/kRJGPoyR5YnI1FZpiyQKOgeH7bkcNldUFCpseqX/9lnnxEREUHfvn25evUqmzZt4tNPP+XTTz9l48aNhIeH069fP8LDw/nss89KW2ezLF26lIkTJxbbyG/atIng4GB69OhR4Ni0adNwdHRk586dLF261NCu1WqZOHEi8fHxtG3bll69iq4pLRBYRbahv5Osn0sc2sZ0IGf/7Nzn6zWdjdrtskulihF92aPMTDRsy6Wyy05Xw9W0y7nA/Pi9a2Wmg6DyYJXrftOmTXh7e7Nu3TqTczI1a9bk119/JSgoiI0bNzJnzpxiX+PkyZNMnDjRsH/tmv4Lu2TJErZs2WKki4+PD6dPn+bFF19EkiTq1KnDhg0b2LBhg8m+V6xYYbSfkJDApUuXTAb1+Pr6smLFCkaMGMELL7zAjz/+SGBgIKGhoYSHh1OjRg3WrFkjMo4Jyg5djqHW51to5FN4wE4qxnODSvQPCjobupUfFpQZ8bk7ZWjoX3+8IfdTMtly9pZRe9Csv4nM+wywdhRMOlJmeggqB1YZ+oiICPr161do4IWjoyNdunThr7/+skqxxMREjh49WqA9Ojqa6Ohow35OJG98fLzhafbixYtcvHjRbN/5DX1RDB06lDp16vDhhx/y77//curUKXx8fJg0aRKzZ8+mRo0axepPICgW2SN6DXKa1nI1FLAxR1oBQ683ODoxoi9zZHlc6rIyXNDk5mjHwpGtOBK+k7hk49UMUpPByC5kp+S+G1ZmOggqD1YZeoVCUeiSoRw0Gk2RxWjM0bVr12Jl1SuufF7GjRvHuHHjCpVp3bo1v/32m1X9lx2VYmWkoKRkG3otCpr5uRcp7orx0inhui8/jBPgml8OVlqEvtXDULo2h7kZw3kHUXtDkItVv/z69euzd+9e4uPjzcrcv3+fPXv20KBBA2t1E1iK8MhWbQwjegX1vJ0LFa3t6chI5R6jttwRvfiilDXpXrlr2GVl6Lo3XMPElOGy86JyncAYqwz90KFDSUhIoF+/fly4cKHA8XPnzvHkk0+SmJjI8OHDS6ykQPBQo8sdkQd5Fb7+edm4tgXa7GTCdV9eZDnnBkqWZTBeXl7qUrdcriOovFjlup86dSq//vorhw8fpnnz5rRs2ZKgIH2d5PDwcE6fPo1Op6NFixZMmTKlVBUWCB468ozozUVb51DX2/yDgBjRlz1Gy+vK6Zr/90RDBrTwpc9X/5bTFQWVDase8R0cHNi9ezfDhg0D4MSJE4Yo95MnTwIwfPhwdu7cWazMQwKBoCBajT4lrRY51V0Lz7ZV2OoPMUdf9siQsUfbnGs6H1Jrmi5tXdrI5TIa+biyYnxBb45AACXIjOfh4cHatWuJiopi//79RilwO3fuLIq2CASlRFp6Bs6AJFMWq5hNfoTrvuyRyWB81v8hQ+IPRfkOcro2rM7O17rQ8/N95XpdQcWnxLnu/f39GTVqVGnoIhAITJCabeid7NUW5Wv4Uvks0zTLCrTrqn6xygqCDAlZmWbGM0e96oUHawoeTqz65X/zzTc8ePCgtHURCAQmyMiuJmfpNNgpVWuT7VoxR1/myCtq4qz74fAg0tZaCGyEVYZ+6tSp+Pr6Mnz4cLZt22b1+nWBQFA0UnYwnlxhmQMuzj6A5zNfK9Det7lfqeolKEheO19hbH5WGnzdEr5qDtqi858Iqh5WGfrBgwcjSRLr16+nX79++Pv789Zbb3HlypXS1k8geOiRtHpDL7PQ0F+ISWSHrg3/6QKM2oO8XUpdN4ExRobeRh6UpWPyBQGm5fG+ZpqvQy+oulhl6Dds2EBMTAxffvklzZo1IyYmhgULFhAcHEznzp1Zvnw5KSniC1XWCD/KQ0IxR/Q55HfVy+WKUlNJYJqY+DTDdqa27DPjmeLxxvlTclcU14LAVlgdnePp6cmUKVM4deoUp06dYvLkyVSrVo0DBw7w3HPPUbNmTZ599ln2799fmvoKBA8fupwRvZ1F4i1ru+tPy/fzrkqGPjUrlajEqALThg/SHzD74GxCVoYYXoN+H8TiM4vJ0pW92zpTk6uPVlcBH8VT4mytgcAGlEoYbvPmzfnqq6+IiYlhw4YN9O3bl4yMDFasWEH37t1L4xKCQhDP61Ubg+tebtmIvoW/O2DC0BfTI1BRWR22mvZr2tN3U1+a/dSM9qvbM+fwHEJWhtD5185svrrZSP5q/FW+Pf0trVa1YunZpaY7LSUCquUW+tLYaERfgPC9udsLTQdqCqo2pbreRqlUMnjwYBYvXsyLL74ImKiPLBAIikd2ClyFhYZ6Z9gd/Wn5HgEVisozotdJOlKyUtBJxsZy0elFLDi2wKgtVZPK+svrjdoCXPXxCUPqD6Geez1D+9envuabU98AEHo71DDqX3lhZancq/KWENZUkBG9tO9j4wYxT//QUWqP+BkZGWzatInly5eze/dudDr9D7RJkyZFnCkQ6NHpJORy4Z8ogJQ9R6+0zHUfdV8/T5w/E55cUXHX0UuSxNHbR1kdtpq9UXstOufHXj9yNu4sP//3M/fS7wHQzb8bX3b7ErnM+L0evHmQl3a+BMD3Z7/n+7PfGx3/9PinfHr8UzzUHvw+8Hc87D2sfi8NazpxQ7OVpVc20q7Od9jJLft/KytkD8KNGy5vh6aDbaOMwCaU2NAfPXqUFStW8Ouvv5KQkIAkSbi5ufG///2P8ePH065du9LQU2CCqmIS07O0bDx5k68ObMdOncLA+r1oWbsaXRp4ozRjnLQ6iZj4NORyGTVd7VFU4QcEmZXBeFKBEb1tDU5+0jXpfH/2e5aeK547/ck6T/Jhpw+RyWS082nHcyHPFXnOo7Ue5dToU7Rc1bJQuQcZD+j8a2eGNhjK7A6zDQmK0jRpJGQkcCr2FC2rt6SGYw2zyYsGdLnI4rN/cyIWWq1qxbmx54r1/sqcC5uEoX/IsMrQ37p1i1WrVrFy5UouXryIJEnIZDK6devG+PHjGTJkiMhxLygUSZI4HH6PZQci2XX1Auoaf2HnFQbA8ui1/HAxGPlvj9HEqxGNfVyxVylwsFNw6XYS4XdTiIi/g1ZxCyQZktYJSVLQ3CeIoGqueDqpaB/kSWNfV/w8HIvQpBKQ7bq3dEQf5OVERFwKWqniBeN9ffJrfrn4C/4u/oTdDytw3F5hj6vKla7+Xenq35UPj35IdHK04fhrrV9jfNPxVl1bKVdydsxZmv3UDIAufl34otsX2MntWHdpHXOPzDXIrr+8vsB0gDl+ffJXGldrbNhffHaR0fFNVzYxqP4gq3QuCzKysii8YoKgqmGVoa9duzY6nQ5JkggICGDs2LGMHz+egICAok8WPPTodBLDvz/M8ejrqLx24VzvqNFxuTIFufsJcD/BfxpnzsdUQ8pyR9KpkavikLvGovZMLtDvVUnGlSQ3dPfdWXWxPtrUAHztG9K6dg0Gt/LjsfpeFqWQrWjIsl33CqVlP9cvh7dgwKKDBefolbY19D//97Nh9G7KyG8ZtMUwt57DVr+tgH7OPr873hpkMpnJEfawhsMY1nAYmdpMWv9cvIC14VuGc2jEIVxULqwJW1Pg+DuH3qG2a21a16gYgXDqq1ttrYKgnLHK0OcE3T377LP06NGjtHUSWEhZh/pIksSN+6nsv3yXU1HxqJUKnNUK7qdk4WKvpImvKz5uDtR0U+PtYs/thHQUchn/3Urk5PUH6CSJ2MQMYhLSuHQ7iQyNDl83e2IS0lBX/wunukeRyfVLnjrUfIRZ7Wfi5+LHydiT/PzfGg7FHCRLmYxcmQxcL6Cft4M3aoWahMwkUrKS0aFFZheP3C4epWMkAA8kOf/E+/LXphZkxbenZ7Afk7rVpWVt6+dgyxtZzojeQtd7c393vh3VCt26/HP0tjP02yK38XGoPijMQenAW+3fonWN1tRyrmXRw1dpGHlLUClUnBt7jtDboTy7/VlDu1qhZlGPRbT3ac+/0f8ycddEo/M6/tKx0H7HbRtX8Vz4gocGqwz97du3cXNzK21dBMXFQksfm5TOv5fjCI28j6NKyc34VDwcVfh7OvLfrUTikjKIiEvB2V6JTicReS8VhVyGQiYjU5uJ3P42MkUKMnkmyDP1fyUZ2lM+6NJ9QcpngOQZKOyjkavuIrN7AJISWbUU1DKJe4CT12XkKn22rqbVmjKl+ct0uHEG2ZctwbUWHQI70cGzLhl91nJJSuNWyi1up9wmMTORANcA6jrXJij5AY7RoSBXgk8ztA6e3HOtSUxaLBfuXeDknZOcjj1DbNodFA7RKByiUXvtZn9cO3Z+1xl0uS79wS1r8eHgEOztbO/aNoVM0ht6pYWue4C+IT4c/0MFeZaOKwtZnnc75TauKlcc7Up/quPPa3/y5oE3Afhfw//xZvs3K7xnpW3NtmYN82N+j3F4xGEe+eWRYvUZlRiFv2sFqeopSRUoR6+grLHK0AsjX/HQ6ST+u5XI1dhk3Bzs0EkSielZ/Hggggu3Y1A4h6F0uoakU4MkR9KpIMIOZBpkilRkrqkkybMAHQ5OGiStE3LVfVTq28hkhawHluRoM2ogaZxRqB6AIg2ZoujlO3ZyO/r4dmJumh3yH5/KPZB4E87+CoB674c0q9mMZr4twMUX7Bzg/HK4cQSyUo36UwDV5UqqewTRwqs+o4I6I7Xqxy13X/6NO8N3Z5cQl3YXtddeVB6H0ab7onSKQJMUzO8XOxO034lXetQv/gdfDsiL6brPQZKZHtHrJB2HYg7x8s6XC5yz8+md1HDKn1nNeu6m3uWT0E8A6OzXmZntZlZ4I28JeR+IPNQePMgoushX3019WfbEMtrWLPu68VMzJ/KV6luzxzVZGShVIo7qYaFqZNB4yNFoJdp+sJP76feQq++CJAckZHbxKF3P4VQ/DJmsZI7+Go41qOVcCwc7BxyVjmRoM/jv3n/EpcWhsL9VQL66Y3UaeTaihmMN0rXp3Eu/hwI5TdzqEqDyoPOeL3C5ttL4pDYToFZrvbG/8g9Eh8Lts/pXfhy9wLuhfkSfeg8SoiA9Ae5d0b8u/Y0M8AWGu/kzsPFT7GlQhyWRf3E14RpKpwgAlC4XUThf4suDOiZ1m1Ihl/fljOgVxRjR6zE29AqFnB3Xd/Da3oIFb3LouaEn/w7/F3d792JeyzQfh35sMIKfdvkURQUICCwN8k4lPNv0WRp4NqCmU00GbB5Q6HnPbn+WANcAvun+DUFuQWWmX5JbI0gzf7z73N/Y+/7ICvl9F5Q+wtBXAbLkWtKqf4KT+rZZg97IsxEdfTuik3Qo5UoytBmkalKxV9jjpnbDTe2GvcIejaRBq9OSrkmnltqdxqlJ+Mb8hyzpJqSpQWMPmUng4IFUezh3ZDouaBJI1GbgIbPD29UP39RE3G+HIfvvCPg015fHfBAJqSbSb7rXho5ToNVYUKpy27v8HyTd1o/eb5+F8H0gaaHpEKjbA6o3MnY96nSQFAN3L0H4HrhzAe5dhfgbkBCF+vC39AZ6OnpxquUQwp3cuHL3Av+m3iQm8z6OAT/w8fYnmNG7YYUbccoNrntVEZLGSLJcoxpup2TgvwUjv13sXJj/2HyWX1jOiTsnAHjs18cA+H3A79Rxr2Ot2vxw7ge2RW4D4INOH+CgdLC6r4pMhjaDjr6Fz9GD/uE3NjWW64nX6b+5PwDjm44nyDWIgfUGlur37s1+wbDB/PH9iomsPtaRUR3K7mFDUHEQhr4yI8v9kzOqzglQU8qVKOVKGnk2YkLIBOrq5PpEGWpnkMnB0R2cvOHOOYg4DtHHQZsJDh762tUO7vDgOoUFAsiAmtkvs9wzUdFQ5QJyOTQfCX0WFDyeg0tNaDJQ/yoq5lMuBzc//ateHuH0BIjYD0eXQOS/KFPjaHtwCTnO09NqFaN99e9g6bFdtA30oEej0nNdlwZya0f0eUZrH3vmBh828mzEZ10/w98ld764i38Xo6QyAAN+H8CK3iusihZfcmYJC08vNOz3rN2z2H1UFgqLfcjLrqG72HRlE+8cesfQtvz8ckAfmd++ZntmtZ9FXfe6JdfJguRIJ/74jlEdPirxtQQVH2HoKzE5P2WVTMFHj31E6xqtqKFwAPvsGApNBpz6GTa8BNHHLOv0gd6lTXq8/m+1emDnCEGd9Q8GmcmgdoXkO/rRclYq3I+A+9fAq6F+lH33ov7cut2hWn29ax2gzbPgHQxO1Urj7VuGvRs0ekr/0mTCwa/gwka9TsmxtMjIpG1aOqEO9qh9NrLmWOsKa+hVquIZ+rwj+oOO+tH08yHPM6XVFJPyj9Z6lK+6fcXUPVMNbeO2jQNgVZ9VtKjewqLr3k65bWTkj448WiZBfrZmcovJ7Lyxk2ENh1l8zqD6g+gV2Iue63uSnGW8RPTo7aMM/H2gYX9Kyyk83+x5q3TzC2xYpMxw5V7up2Ti6VQ8T5Gg8iEMfSUmZ7zmolDRKeE+bBsMsRdyBRw8Ie1+trBcP/+ddFs/n23vDipn8KoPfm30LnSZAhQqSIkFzzpQM0Q/Qq4qKFXQ5Q39K4cbR/liRW+e8vPhgTqWq2m7gA42U9EUcrJd92Yy40mSRERCBEFuQfncv7mjOrcsOQl2OnoEFO4a6V67u1FSmRxGbx0NwNJeS+ngY/rzydRmMnHnRI7ezs2LcPKZk9hVsIx8pcWLzV/kxeYvWiTbwruFYdvJzonDIw9zPu48I/4aYfacnLz8oxqNopt/N9r5WJ5lVOngUqRMe/lFAufuIHJBP4v7FVROhKGvCmQkw+9vF2xPu68f0XZ+A0KG6l3hAmP82+EW2IUJccf5tJoHCbpD7L0US9eG1UnN1OBgp7D5nL1S0q+Rs1MbR0lHJkTy1OanjNqMloTlCXzLzH4PannROdFyksroJB3P//M8x27neoOe/8f0CNNF5UJSZpJR26o+q6qskS8upj6HvDnw1/ZbS6NqjQi7F8YXJ74wPCxJSPwc9jM/h/1Mn6A+fNz54wL9CARFIQx9VcG1FrR/EUKG6eel429ARiIEPgYuFcsVXaGQyeDpZQSvfBzIxF4dw/iVh6jl5kr0A33Y8oeDQhjZvnb565aVBvfDUWUvhleq9O73LF0Wv13+jQ+OflDglIv3LxLsGazfyfOAopHrl0iqlZYnP5XL5Pz4xI/EpsbSY33hnoD8Rv65kOcsdvU/DMhMVKbIa/yd7JyQy+Q08WrCD0/8YCjyc/LOSRafWQzA1oitbI3Yyo6nd1DTqXQe2t1I5od/w3nuMeuDLgUVH6vSTcXHx3P27FkePDBeO3rnzh3Gjx9Py5YtGTRoEGfPmlgWJSg9cpb42DnC5OPw6FRw9YHqwdCgF4Q8LYy8JTh6EtJ+Kl4aLSlKDXbVdhqMPMCbm87x+roz5a/XqsGwuCPqbEOvUKmZuHMirVa1MmnkAS7dv2TYzjtHr8lejaFWFD/LeXXH6pwbe46zY86y7IllBLoGGh33c/ZjZPBIlvZayr7h+zg39hxTW0013VkV54NOpv9fTBl6pSx3nOWscjaWl8no4NOBiS0msnvobqNjj294nHlH5pWCtvC13ULm/VUwHbGgamHViH7+/Pl8+umnhIaG4uGhj+bNysqiU6dOhIeHI0kSZ86cYf/+/Zw7dw5fX99SVVqQQ/bNw94FVFUv2Kk8cfRqwFv37vNqDW/UXvtQqGPRpAahSWyGpHHnt5PRbD1/i2Ft/HmrXyPsyqPk641DRrvfXfuef2/+a9if3mY6/wv+H2qFmvcPv8+Gyxt4++Db9A7qTVJmErPdr/FJhoomGZlI2V8Vawx9DjKZjLY12/LnoD+t7qOqY3YJoYnZH012VUIAV5VrQYFsvB29C8RN/HrpV3699GuJR/ddFGchS5SIrupYdbfas2cPAQEBtGrVytC2fv16rl27xiOPPMLmzZuZMGECDx484NtvzWdnEggqDLVa09OtAVPux6OQJJQuYdjX+Bvn+gtQe+vXgqdmallxKJL6b20lcOZfLNl3jbpv/k39t/4mcOZfzNp4lquxBYvtlAb35XK2Rv9l2H/vkfcY22SswXD7OecGTbb5uQ3d1nXjtiKT0b41DfPzUDJDLygaRR4vSm2X3OkeUyP6QLdA2vu0p1+dfqgUhUe+58RNzHvUeCT/+IbHCVkZQpqmkOw4FpCu0ZbofEHFxipDHxUVRf36xulCt2zZgkwmY9myZfTv35+lS5cSEBDAX3/9ZaYXgaACobCDEWt5XufMLzG3jQ6pvPbSvPWPBU6Zv/UiWp1EllbvFv/lWBQ9P9/HgIUH+GrnFS7fSSpwjrVsdMl17R743wGGNBhidNzHycfsuenC0JcbedfUv9YmNwPh8yEFgxjlMjk/9PqBBY8VkksiHwPqDWDPsD0F2tutbkfIyhCe++c57qTcKabWkJIhDH1VxipDf//+fby9vY3aDh8+TJ06dWjQoIGhrVWrVkRFRZVMQ4GgvHD1hYmHaNT5LXbeuGl0KDz1Cj07/cyht1qxZHRrmtZyxd3ROJLay1k/KjsTncAXOy/T56t/2RVW/JuuKb5317t2RzUahZu6YK2JTn6dzLpwr9vl6mnrFQRVnbzz7o5KR86OOcuB/x0o1tK4ovBy8KJfHdNL4o7eOkrPDT0JWRnCcreil9gBPCU/REqGpmhBQaXFKkOvVquJj4837N++fZvr16/TqVMnIzkHBwfS0krmUhJYQFnXq32YcPCATq9SY1oYxyNv0DMlt3jO0XvneWJjL/4Mf5WX+iawaWp99s5qwn9zuxE5tzuhMx7js6HNeaFzHep6O6HVSUxYeZxPt18q0Y00wk5Jmlz/UzU1MgT9HO+Op3eYPDalhpfV1xYUj7y5/BUy/dJMUw9mJWVKyym4q90Llfnc04Pj9mok4OUa3oQE1WZgrZoFbhffqBby28noUtdRUHGwKhivQYMGHDx4kNTUVBwdHdm4cSMymayAoY+JiaF69eqloqhAUK641ED9bgJfXD8E//3OXzd2MdM+A4B998+z78CsAqfUycxivOTMjCeXMq1HR0YsPcaZ6AQW7rnKwj1XC8hveaUTTWsVbQROq/Xudh8nH6o5FJ5V8OXmLxuWY+WQYMM69A8beefoy9J74uvsy7//+5e4tDh239jN1oitZOoyOXvXeKXTeJ8a7LkRzYHszIjXVCqaBdXmWGQUDlKuyf9m91Ve71V0Nj1B5cSqEf3w4cNJSEigS5cuvPrqq8ycORO1Wk3//v0NMhqNhpMnTxaYyxcIKhUBHaHPR/R78TiHgsbyyYNUxiamUjczs4BouMqO2eoMum4bxedLG/Ghz1Lm9TVfNGTod4fJ0pouASzluQnfzTbU7X3aF6nui80sy9QmKBvyztHnNfplhZeDF8MaDmN57+Ws7ruac2PPcWiE8WqN+XnqHOTQLtCf16p7kWF4FpG4m5RBepaYqy8MSZLYH72fzVc3s+DYAkJWhrDrxi6j32tFxKoR/dSpU9m+fTu7d+/mxIkTKBQKvvzyS6N5+x07dpCYmMhjjz1WasoKBLbEpfN0eneeTu+EaKbv+4iUU6tIlcu451KDU76NuO9Rm5+idxGvUPCriyPrk07wRdJkdr74Iz2X/Fegv7QsLT8dvs6ETgUfBmIS0qmVvX1XqTcY3g7eBeTyU1XKwFZW8hr6vKVsyxMXlfHc/D/OTibldjg5ssNJvzLALkxL2w92AvDXlE408S396YbKQmpWKmqF2vBbunT/Et+f/Z5/rv9jUv77M9/T3b97eapYbKwy9CqVih07dnDgwAHu3LlDq1atqFPHOLOSvb09X3zxhdEoXyCoErj5Qf9vcOr/DU6AN5Cdi46R6Q84GP0vm08v4WjKDaZylxf/7MGVJ1/BrlF/uLwNLm/nvLwBQy48yhc7LtMvxIeabsbpbSevPsGm7O247BG9l4N1c+0OOh1pcjnVHcU0WlmTdxRfHiP60kItSyZLpgKdmn5fH2DfG10JqGb6AaEq89vl33jv8HtFyumyXJApUpHJtdyJ7F3hg1ytToErk8kKHa1369aNbt26Wdu9wAIkEYVX4fCw9+DJev15ok4fnlrXk5sZ91ni5sSSa8vocXYh/ZJTSJXLaZpxkE3OB+mb/DYLtobx5f9aGvVzISoOsm3//ezkPJ4Onlbp5KSTSJPDW+3fKtF7ExRNXo+KXG6bET1A/7r9+ePaHxbLy4IXkOMH0GW60/Wru0TMGVcmulVU1l9ez5zDc8wez4pvRVZiM7RpQaDLXabap03FL/xlu2+iQFCFsZPb8dew3bzZ7k1D2y4nR16r4c3b3tUY6OfLNpcYfGV32Xw6hvf+yK06mJ6lxYEMw358tvHwVFtm6N995F2j/bhs17+T3cM3QitvdFJuzIXchrfX/Il1cpjZbiYAb7R5g73D9pqUkavica77GcuOHjV5vCry57U/DUY+K6kxqTfGkXLtNVKvP0/SxfdJCltA+q1haFOCQafmnScbM6CFLy90rsOCwc2K6N32WDWi/+mnn4olP2bMGGsuI3iIyExL48zHm8nUZdD+rZEoVZW/RrZCrmBEoxEEVwtmzNaCv4Hl7q40dFlGzOX/Y8WhSFYcijQcm6tcR6i9mj+dnQjPrkPvbu9u0XWfbvA0Wp2WeUeNb/bOds5mzhCUFnkz4KVkpdhODzOu5FGNRjGq0SjD/rmb91mjhrsdnmdgyHjmHp5rqJz3xcXn6Bm8ldpVqVS1CQ7cPMBbB/Terqz41qTfGoJhDJypn+6a2SeY8Y8GolZWnumYvFhl6MeNG2fRnIQkSchkMmHoBYUi6XScmLEGf0d9sqUDbyylyWt98Q4wH7FemWhZvSVnx+iXPeX8bn7dM5N5N/7ikuIBDjU3kXZ7sNE5o5U7CfExrphXnJzmw4OHs/b8Cq6m5K6PFiP6sqehZ+4StcbVGttQE9jx9A4e3/C4YX+Nk4mRZ2YyIzOBwP7gGsAPT/zAwejjvLRrPACfHl7N171nlJPG5UNCRgLfnfkOb0dv7qbe5eewn4FcI/94Yx/e798ETycV9naV07DnxypDP2bMGJOGXqfTcf36dU6ePElKSgoDBw7Eze3hjd4UWEboyj8MRh6gnkMzor44QuxTUTTp0dlIVqfTknzvHnFRkUQdPoPCUUXzAf1wdvdEZsM50aLI/3sZ/tgc0r7bzGcudig9jhHklUrkxaeQNPrfS7yJ91JY4RNTODh4gDD05c6p0aeQJMlkDfrypKZTTdbYN2Zkun7FR1OnQkot7/8URqwB4FG/NjRUD+ZSxkaiE2+bP6eSkKXLIjUrld+u/MYvF3/hdkrB9yRpHEm/8xQDW/gViJepClhl6FesWFHo8Tt37jB69GjCw8M5dOhQobKCh5srB4/idkFp+CZeT7hBgFttqtv7kfjXPf5e/yFSNXviYq/hrvTGQ1EdV6UHbipv6sgaIpPJuDrnH5Kz4klzzMSxrgcugdVp3LUbdvb2hV/clihVjGv8DHanF7Ogmidx2vM41z8PwOq+qxnyh/Ho/Z1H3in2JRyVxhUNi8qkJigd8i6xszUhKk82Xr1Fda0WWWEVq5ONjZ+DQv9QeSVtZxlqV/rcT7/Pe4feY09UwXoAptBmeKNLr0VWfBs+GtSW4W0LeRiqxJTJN7JGjRqsXr2aBg0aMHfuXObPn18WlxFUcsL2HsRlmw6UbqRr00nePR/PlFvcqdka93bjcVVVo5nqMdAC1dqa7cfb3h9ve3/9TqT+dXjrClQt3Wg5rD9qxwo6ku0wkVH7P6FBZhbP+uTehUf9PQqUuT/NYM9gegf2Lnb3rupcD8CoRqNsPsIU2AC5gvpZWfptF/OFj1AaPxSr5bn7E7ZP4McnChZ1KksSMhL45eIv/B3xNz/2+hFvx6JzSPwb/S9zjswxOWLPS+r1CWhT6wC5bvngmi4Ma+NfUrUrLGX26Ont7U3btm1Zv369MPSCAlw9eoykjVdwcawLwIPzm3FOuQWA4+0TpO24TkrX17Gzc0SBHEe5mhRtGgmaJHQp99BG/4cm5QFK9wBknv4oXbyxV6pxVdqjlCup49AELsKRt36i5pCmNOj4aMVz7Tt6QotRtD29mmORUSzoPIGNN3KTcjySlsa80Qep7lTYUMw8HurcjGgNPUR604eSPKsAaPlMweM1msKd83D9oFFzXceuHE3+DoBjt48RlRSFv0vpGkKNTsPGKxuZe2QuoF+pIkkSnfw6cfDmQbJ0+geU7uv1yWh+6/8bDTwaFOjnbupd+m7sS7o2HQBdpie6zGpIkpLMe12RybKQNK7oMr0hT7Dk8Db+1KvuTA03e7o19K7wa+FLQpn6mJycnLh582bRgoKHiqzMTOJ+PoufU0O0koYHoctxjgml9orlOLRowZ35C4j/9VcUW/X55LVAvNIRuSYdF/KljL1zzLApIeOuky/xjYfh6eVLDbUbddVNSf89hT07F9Pl7RdQKCvYqLbDy3B6NQ6SxPv7fuB9INRejatOR8O2k8BKIw9Q113/EOWudqezX+cipAVVEvc8rmiHgqlwaTsBtryq314zXP99rNMVBzs7kq/MwLn+RwC8tOMl+tXpx+MBj1PfwzituUan4UbSDRafXsy2yG0oZUo0koYufl3oXrs7/i7+hHiFYJ/tNdBJOrZGbGXmvzON+skx7Huj9pp8K0P+0JdmblW9FR18O5CmSWNv1F4iEiIMMpn3HyEjtg9IBVftPFbfixXj26GQl9Cgx16E9AS4sh0OfwtPfg4tRpaszzJGJpVRkt6EhAQaNtTPod66dassLlGpSUxMxM3NjYSEBFxdixdklcORKT/h5xhEZNYVOn32bClraJ7MtFRkMrlVc+A6nZYDP/5KnWv60cGtsC04X/oDv2+/xaV7boKltHPnuT1nDlm3bqFLTUVKTUXm4ID7kCE4tmqJulEjVAEBaO7GkRkRQdq5s2RGRJJ+/jwZly+jUdgT23Yyfl61cVLaI0kSJ7L28NTHb6FQVpw5VAB+eByijxVsf/0SuFgeaZ8frU7Lvzf/pZFnI2qU4IFBUImJPgE/ZKdnfS+h4PH74fB1vuCzYT+x5G5T5m+9SN8W9vwnm8u99HtGIoGugdxJvYOLyoW4tDij/AHmaFW9FSdjT5o85mTnZFiOOCJ4BIPqDSLYU59v8qf/fuLT458W2X9GXDcy7z4BwKw+wRyLuM/SMW2Ql9SwAzy4Dns+gLO/FjwW1BnG/ml116VhC4rCKkN/48YNs8eSkpIICwvjo48+4uTJk4wZM4bly5eXSMmqSGUz9KmJCdw4f4YbBy+gitSQJdPS/I0BVDezBC4rPZ3Tf2zl7uFr6JJTcLZzx17hTJo2iUDnptjJ1aRoUpAdeJ86W/5E6VV4etesO3dQuLsjV6sLlQPICA8n9qOPSd63jwS3ukjtJ+DvqO8/POksHT57FpW9Q/E/hLJCkvQ33G2zwKUGyBTQbDgEPGJrzQRVgahj4OYPribm6CUJ3nc3bqvVhp+a/sg7v1+gtqcjG18JYe7hueyO2l3kpVrXaE0Hnw78ce0PopKiqOtWl2sJ18zKz2//I2+ufUBiugbQ0cjHlbBbyQXk5PZRPNriGqcTtqGQnHHUNOVBZiwyrRvpd7uiy/QCFNjbyTkyqwfujqWUhyMzBTa+ABe3mJcZ8Ss0LH4MTQ4V1tDL5fIi5zMkSSIgIIBDhw7h41NIEMhDSkUz9Dk5D/KSfP8e106EcvPPc3hTHTeVN47K3IIZN1OvomnrTMdRQ5DJ5WRlpBNx4gSRm07QWFH4EpVUTRpJYX8R/O4onNq1K5Hu5kjavYe7X3zB/VtpqLq8jmf28rJwxzA6v/NCmVxTIKh0xF2Fs2tBp4UDnwPwZ7NFvHJM7+pv5OPK1qn6dOe7buxia8RWWlZviZ3cjmDPYHycfPC090SHDju5HXeTMpDLoJqz/qE8S5fF+bjznLhzgq9OfgXAh49+wis/lH6lvMvz+qBSliAW58pOWD3E/PFq9WHAQqjdwfpr5KPCGvrAwECzhl6lUlGrVi169uzJpEmTxDp6M5SnoZd0Oi4e2s+d8Gt4+PhSPbAODi6uyJVKTvy1hbSYFJQ30pFkOlRyR+o4NSE27QZ2chWeal+jKlw6SYdWkrDLTsuark3h7P19SPYq2rv0LFLnLEnD/biLOBxejF0NL+rvKXqUUBIknY478+YRueUoft31c4JZugyuOZzn7o1IarQLpuWg/njU9C1TPQSCCk96IizIDbgLTF9jdHjxqFZ0rOeFm0PBOJeb8WlMX3eGw+H3ChxrG+jBqz0b0CrAA7VSzpS1p/nzTEyhqozrGIhMpnc43EvJNCtf29MRtVLOzD7B9GhUwumpB9fhKzPpbDv/H3SdCWVQHbLCGnpBySkPQy9JEpePHCL8l8OEOOprmWdoU0nRJPAg4w7e9v64qqpZdK0UbRZJ149if+VvFGlxZHiHYN/+WZyVBZeupWrTkVCS5JCF+7EvyIqMLCAjd3XF54N5uD7+eIFjpY2k0XBz+hvE7j2OsvtMPPMlnrmdHkHdN3riUUsYe8FDzq2zsEQ/ej/wxN8883u8SbEW/u6cjjJ9rDg8+2gQr/dqgJNaSditRFIztbQOKBg0ePLGA/ZfvsvYRwJxd7Qr/Qj5pNvwWZ6VKc1HQrNhYOcIPs3Aruym+h5qQ3/p0iX++ecfTpw4wYkTJwgLC0Or1TJ37lzefvttk+dERUXx999/G845f/48mZmZTJgwgR9++MEqPVasWMH48eMLldm6dSu9exdvjqYsDP2DWze5cf4sOp2WzLQ0IveforHUCg+15U+6GbpM1HIVOklHvDYDrVMGdr+9g0KjX7qCXI7cxQVdQgKSQoW26xt4uAQA+geLlAYuyH//AO3lC2av4dylCz4fzCtyXr60ufnG/3Ht5APUIYOoZqfGXpE7j3erxh3avvp0ueojEFRIfhkJl/6CZv9DO/A7xi0/xr9X4iw+fUgrP+6nZLDn0t1C5Y692YPqrhUgqZUmA34aCDcOgYsvPL/bdDxDGVEehr6ChR/nsnjxYr766qtinfPbb7/x6quvlok+devWpVOnTiaP1apVq0yuaSlp6QlsnDkPj0QXajoEopY7IpPZU0vVxyCTmpVO6oXNyL3qoHDyIUPlhItcQfqdC6hv70RKTUTu7o7S25ukEydQ+NVGeTMauzzRtG5DBuP18kRUfrVIO3OG6MmvINv1ASlu/sgcQHs7CtAvh8vBLqA2Dk1DcGjeHFVAbeSurjg0b26TNe21PvkY2aw3ubV1PlGuQdz1aU81by8aOvtCjKbc9REIKiSPTtEb+rNrUfT9hFUT2pOp0ZGcoWHk0iNcvJ1E/erOXInVB8292TeY9kHV8HG3p7qLacOdlJ7F4Wv3+PPsLZ5s5kOvxjUqzrr1w4v0Rh5g8JJyNfLlRakZ+pSUFH766SfCwsJwdnamf//+dOhgfcBC06ZNmT59Oi1btqRVq1Z8+OGHrFq1qtBzgoKCeOWVV2jVqhWtWrVi3bp1fPDBB1brkJdOnToVmfrXVjRyaaPfMPEwmKxJQbPrAxRpcagBIvVz4g6ABv0XIMcw6xIT0WSvqNBG3zCklqj+xht4jh2DLM+yNIfmzQncsJ4b48aTGREB+Vbu2DduTK3PP0MVGFgq77G08Jk7B/tGa0j85x9qHl/I7ZAh4OyLWmuHpNNVvKQ6AkF5498+d/vKPxDyNCqlHE+lim3TrMvH4GJvR68mNenVxPrloiUmMwXu/AcXNsGRRfq2Ot0gPDtd7oBF+qVyVRCLDX1kZCT/93//x65du9BoNDRt2pS3336bPn36cPXqVbp27Wq0Xv6jjz7i7bff5v3337dKseeee85oX27BDXjAgAEMGDDAsL9x40arrl1ZyBsBL0kSicoMZLr7kJYAkgPaGxdQXPkHhSYNAJ8P5oFCgfbePVJPnERdvz7IwL5hQ1JDj5Nx5Qqa+/fJvHYNmVqN26CB1Hz7bSMDnxe7GjUI2rCe2C++RFXbH4WHJ86PdULh7l4eb98qZEolnmPG4JldUTHr3e8hAzzsvLl1/jK+zYJtrKFAYGNkMvBuBHfDICG6aPmKiiTplxau6AfZyXgKkGPkXf2g2f/KT7dyxiJDf//+fTp16sStW7fImdI/fPgwAwcOZO/evUybNo2YmBi8vLwIDAwkMjKSuLg45s2bR48ePejcuWo+JdkaRyIAL9IyU9CcXIr89n9Gx5WAzNGRgF/W4RASYnSs2oQJRvuuffpgDXInJ2q+/ZZV51YE/NsHEr3zAR4qDyI3hQpDLxAA1OuhN/Qphc+zV0iu7oKfBxctB9DmWVCo9ZntFBV2JrvEWPTOPv30U2JiYmjQoAFvvPEGNWvW5OjRo3zyySe8+uqrHD9+nDfffJO5c+cik8mQJIm33nqLBQsWsGTJkiph6K9evcrbb79NbGwszs7ONG3alP79++NVzgFlebGLPUXS8aWGfYW3F/YNGqL0qkbGlauo6tSh2rPjsW9s27rYFRnH4PrErtuGR00PvJKqkRh7F9fqRRfQEAiqNDkFkCzIeFehuLbbvJF38IBp5/SR9GWwTK4iY5Gh//vvv3F0dGT//v1Ur14dgH79+lG9enWmTJlC7dq1mTNnjiG4QiaTMXfuXFavXs3hw4fLTvty5ODBgxw8aFz4wd7envfee48ZM2bYRCfP8eNIPX4cmYMDvh/Mw6V3bzHHXEzUdYLwTDhOqlcdHJUuhP8RSovn+tpaLYHAtsiyDaGu9JPalBlxV2CDsaeSaeeM8/0/pFhkFa5du0bHjh0NRj6HwYP1T07NmjUrMIeuUCho3rx5pc9zX7NmTd566y2OHj3K3bt3SUxMJDQ0lDFjxpCRkcHMmTP58MMPi+wnIyODxMREo1dJcenRg+Cw/2gYegzXvn2FkbeS2v0fIzZVX9oy/eoDG2sjEFQA5NljQF0lWY2SdBsWtoG0++DbEt6M0ef2F0YesNDQp6Sk4OtbMJlITmpbc+7ratWqkZmZWQL1bE/v3r2ZN28e7dq1w8vLCxcXF9q0acPKlSv59FN9oYU5c+Zw586dQvuZP38+bm5uhpe/f+mUfJTJZGaD5QSW4TFsKJnJ+v8/+8xSypEtEFRmcgy9VMFH9Kn3YdUg42Q3I9eDqmAir4cZi4eApqLeK8w6SBsxdepUvLy8yMjI4J9//ilUdtasWSQkJBheUVFR5aSloCjkTk6oPfR5uRU8XHN3AoFJcu73FWFEL0l6g55DVjrsfB/ec4OPg/Tz8jk8vQycRYxNfsRQsAQoFArq169PXFwc0dGFL0NRq9WoLai8JrANDjW9IAFUMhWZGemo1BUgY5fAajJSU4g8cwonDw/QSdRq1OShH5gUC4PrvhxG9JIE13bBtT3QYhRo0uH0aggtZjbTx+dC00IK0jzEWGzor169yk8//VSsY1evXrVes0rCvXv6Ig4uLi5FSAoqMh6BNdCc0uBk58bVPw/Q+OmiC/QIbENGaio7li7k0qH91KhTj4H/9w6Orm5kZaSzcPxws+c9s+AragTVLUdNKzHlEYwnSbBuNITlqeV+eGHx+mg+Evp+DGpx/y0Miw29qahz0LvvzR0zVfq0KnHy5EkuX74MQLsyKrUqKB+8A505czCCAGc/ko7cQhpStb+7lZXMtFQWjh8GgBwFd8KvsuSlMYbjMmQ4Kd3p529chjgu/SY/z5yKX6OmDHt3vvi/LYryCMZ7390yuZCh+mx2Og08Nh2C++kD7sT/ocVYZOhr165dpX8YmzZtYtasWdSqVYtdu3YZ2lNTU1m+fDljxowpMGLfv38/Y8eOBfTpcYWhr9yoa/uTHvUHNPLDR+HPqZ83EzKsD3bChV+h+GbcMB6r8TS+jsYj80sJx2joZv436GVfi+FBM9h46UuObFzLI0NGAKDVZJHy4AGu3tXNnvtQkrPOvCwMvSTBRuMHMZ78Em6egPC98Mxv4N3Q+PgQ64qSCfRU2Op1J0+eZOLEiYb9a9euERcXh5+fn1ERmU2bNhmi/2/dusWgQYMMx6Kjo7l58ybe3t7UqVPH0P7tt9/SqlUrw35OhbqAgAAi85RUjY+Px8PDA7VaTcuWLalduzYajYbLly9z/vx5AEJCQti+fbtBB0spj4pFguJx5bnJPHB+HF97TwDuZcSQ2URG2+eG2Vizh4etiz7nv/27jdomL19nGMUHOYfQzrtkeQ6231yO3EvF/RjjuJopP20QD3Y5HF4E29/Ub798CGo0Kfqc1PuwbgzcPAmaNKjfCzpOgVqtwS77c5UkWD8W/vtdv9+oPwwvvIZJVeehrl6XmJjI0aNHC7RHR0cbBb5lZGQYbZs65+7du9y9m5vK0dI17I6OjsyePZvjx49z8eJFLly4QFpaGh4eHvTs2ZOhQ4cybtw4VCqxJKsqUHPkEKLm/UJCy4G42blQTe0LVyFsxx4aPd7N1upVaRLj7rJ0kr4ctEKmpKZDEKmaRB5k3mHh+GFUU/tSTe1Ly2o9iuzrRqaOjEt/U+PaH8iADLUHXn0+Mhx/otZ41kd8Qpeaw6jpEATAhfhDfD3maQKateTpt+aW+P1oNVnE37lNtVqls4y23Mk7ol7cEZ74ENq/rN/PuwJLkwExp2H3XIj817iPy9v0rxx8W0HMydz9ut1h6MpSV11QkAo7oq/qiBF9xUPKyiJ84CAuqx8lpIFxSWL3GU1w9vC0kWZVl//272bros8B8FT78LjvmCLO0HPn8Lc43jkNgEahJqbJGGQpsdS8/g922UWc8qKV25HU6S38PQvmA8nLnze+JVWbxMtLV+Po6mZo12m1yBWWLb1MfnCfJS+NQY6cRl2603viNIvOq3C872l6Hb1HEDhWg5vHTZ9n7w7p8YX37VkHXjkp5tkpH1sgDL2NEIa+YpIZGcm1wU8T+9i71HVwN7SHa8/T+ZOXbadYFUHS6bh7I5Jzu7dzevtfANRxaU5br94W9xF14W/cr2wuUs6xfXucOz9G7Cf6xFYapQMeT35V5Hlh8Uc5+2AvPSZMpEGHR1n8/KgCMvXbd6T/a2+aDDjeOO9d2iXrV20cif2Tp5d9bMG7qqA8uA7fdoCs1KJl270InaaBa56HqcQYuH0ekm/DvWtw8Et9lbhB3wkjn40w9FUYYegrLkl793J25pcEdH3dqN33w47Iq0AxjKz0dFa/9Rr3om8A8OiwZ2j2eB+jEWxZcCX0MH98+gEADgoX6ru2ppF7+wJy6TqJxIh/8ajVEjt74yDYOwe+wjHuAjJHR3znzSXzxg3ufplrvN2HD8fn/fcK9Bn71VfcW/wdOpkdbgMWGdqvnfuTuGrNaO8bUOCc3yI/RyNl0dC1HS2qGU/dbIlaQoomHoDRH31N9cDcGKC9E7+mnmtLw/752sfpPfHVQj6ZSkBGMpz5BfZ8qE8zW7MZ3D4LAxdD06dBKaYvrUUY+iqMMPQVm0ut23DVfyDNg7sY2hI6pNFkYC8balVyku7HsfTl8QQ6N6Wdd18SM++x/eYydOho3W8gXcc8VybX1Wm1fDFyAMODzBeAStJKJB35Fpe7Z4za05qMRPIIxOHAfGTob1eNLoYVW4eMiAjC+/RFJ5MTX70lHndOGvrLtHPmfMc5dPFwLna/W6K+46XVqw37N2bsQy7Lncc+cGcjXd56CZ96DU2dLnjIEYa+CpPznxsTE2PyP1ehUGBvnxsBnJKSYrYvuVyOg4ODVbKpqamY+wrIZDIcHR2tkk1LS0OnM1/i0snJySrZ9PR0tFrzSTyKI+vo6Ghwu2ZkZKDR5C4l0iYkcKVrNy50/YQOzvY42NmTqUvHe2ZL1M6uRrL5cXBwMKSMzszMJCsrq1Rk7e3tUWTPExdHNisri8zMTC7s383eH5cysPZkI1mV0g6lXMmh2N958pv3kDDvUlWr1SizaytoNBqjYNj8qFQq7Oz05U4Pb1pHtX/dTcolpSWi2DsXtaSvi6GVJDLMfM88Ro3Eb9YsQwCsVqslPT3drA52dnYGWZ1OR2Lkda71Nj1NoJTJSPBuQZ1Ok9BJOtKzzL83hVyBOnsUq9Vp0Y72oEademz/7iua3mxTQHZbzPdMWvMrkiSRmmreDV6c3724R5iWLa97RElk8/7u4+Li8Pb2LttBnySwCQkJCRJg9tW3b18jeUdHR7OyXbp0MZL18vIyK9umTRsj2YCAALOyjRs3NpJt3LixWdmAgAAj2TZt2piV9fLyMpLt0qWLWVlHR0cj2b59+xb6ueXl6aefLlQ2OTnZIDt27NhCZU+/8ocUNWO/dGjyUunFF14oVDYiIsLQ7/Tp0wuVPX/+vEH23XffLVT22LFjBtmPP/64UNk9e/YYZBcuXFio7IqnP5KiZuyXombsl/5vwrhCZdetW2fod926dYXKLl++XJIkSbp/66b0cpfOhcq+Xb2G9F/DYCl86DBp9+7dhcp+/PHHBh2OHTtWqOy7775rkD1//nyhsuM9PKX/GgZLx1o/Lv06/pdCZce0HGj4zE6/8kehsk837S1Fzdgv6XQ6KTk5uXDZp582+g4XJivuEfpXRblHxMbGGmQnTpxYqGzee8Qrr7wiAVJCQoJUVoi6pgKBBdzJSALA36khMYfO20yP5Pv3kCSJ5Af3ixa2ggdhN0q9z8Prf6G9d78i5QLXryNo3a82S87l+ax+eZ9zchSe+94qVPZBXHix+8+fH0AgKC+E695GCNd95XHLJe3Zw6UFq6nbSZ/AKUOTya3UCB40SaZZzyfw9KlltPSqrFz3h1atIP3EXcKTzuDrEExzD+MAsYsJR+n+5TRkcnkB133EjD1GsolbXjE46FUyGR6DlupltRputLlNmyf7m9ShuK77+JhoQj9YQ2P3jmRqsnhw4HOU8RFGcrU+/4xqTzxhcPMXxx1fXNd9WlrBpXf5ZcOCG6GTJNLzfdd9P/kE1549uPvdEuKWraHmU18AIEkSaVnmdchx82+L/pF6TzxGm0HDzT7MCNd9LhX9HpF0P47I06fwa9wEj5q+Fdp1Lwy9jRDBeJUHSafjUus2nGo8mfo1AqiZL0HSv3d+I1YbxdNvzqVWcOMy0+PwKz/g71R4QJfyOR9q1qtXoD16pj6Zyd2MZOy3vka1F1/Ee8orXGzSFAB13y9RqfQ34f231+PXqxWdR44rsc5/fDKfVvf0OQkSku8h3znLcCz4/DlkyoqZs0sbH8+1p55CVTuAmu/Mxr6h8eeecTeOu58VPyDw7+gfSMq6x+u/biktVQXliCYri6UvP4uLxo1HvPujVjhwKfEEPb6dZnWfD3VmPIGgoiCTywnasB6p35NkKR2I6Pw2Qa65Na8fq6EvjRm16DBXWh2iy9hnkclLd1bswa2bRRp5gMg9Z00a+qTMB7ioPEi5/Ds1Bg+m+qvTAH30un7p2TRUA78HoHPNofz11/d4+PgS0q1kqwzqxjaFbGeHtHeO4ZoVHYW7Ow3+/dfscTvX3GV/N5OjqeXsZ1G/ff2eI0ObxhcjB/LKinUoRVbNSsGVo4f48/MFdPB+iqe8jPP013ayID2wjRFz9AKBBajr1sVz7FjsNGl47H2Pq//9U0DGz6kB9S415J+Jn7B19sdc3L+v1K5/5Ms1RvvpOonbexaQuPlFkjbn3nikGNPuzZz1/w4N6uH74QdGx6pPnQrAg0u56Ur7+b/A8WXrS6TzxUP7SU7PTT1tp5LR8ISZbGqVDFkeA52eGkPktcPEZJp3LedFrXCgscsjfDV6MJ8Nf5LPhj/JjqULzbq8BeVLZloqWo1+Ck2TlcUfHy7AYZOWYUFvUNs5uIB86sU/C7RVNMSIXiCwkBqzZlJ95gzuffcdiq++5m7UXjLtq5HQ+mUaO+fOPTZx7whZkLj5Hlc4RP3OHUt87RBZB8N2/B+TUegycQJkjo5IqakkZSXjYudMQswVsjIzsFOpjc5XyPQ/dadm5qcWlGEboWHu0rN23n34bPiT2KntefG7lagdncyem5/osPNs/fozhgZOByAq4iCB/fohd7K8j4pM3jl2tZs3bofmw7nlkO0VMcW5c38TEqIvyNPEoyNNPDoSnnQWgPN7DnB25zbjE2QyOg0fzaUjB3hy6gw8fWvl71JQyoRu3ozjfgk3lRc3U65QwyGQVvJHC8jd3/4Wdun3QJJwb9PaBpoWDzGiFwiKgUwmw+vllwk+fw6/8cNwfXAJ/53TSNz8Ihcv7uaBJjeYzlVVjZtrQ9EUEmBnCQmxd8jQ6oPIrkWdQKHLpOHJEzS6GEZw9t978dcAaOrRiSVjRxfoI8fQq5wdChwDaHj6FAD3Ig4Z2txU3gwPmoE8S87C8cOJunDWYp3/+vITBgdMM+yr7odT853ZFp9fmVA5u1Nv317q7dtbqFzgtc1cv7TLqK2OSzPquDSjf+2JDA+awfCgGYR4dKax+yPYy504uu5XvB5UZ9Vrr7Dm7dfN9CwoKZIk8c0zQ/E5Ug03lRcAtZzqo5TbGcnd3/keSZtfwC7tLkg6QML/h6U20Lh4CEMvEFiBTKnEe8orNLoYRoMjh3F/ejC1Lq4lde8CTp39ixP3YgCo59qKHTM+IyvTfHR6UdzYfRq1Qm+gna5sp9HFMOR5opcBNJkJhu2BAa8QefYUnw1/ksMbfkGn1RoMvdrddOY3ub09vh8tQHVmBYnh+42ODQx4heFBM9gw521C/9xYpL6arCwaKlobrgngkhaGzM6ukLMqH+fv3iQiQ0s1rzjsatTArkaNQuUbXQzDM+xXIkMLr9jW2P0RQjw6M6D2JAYHTKOZZxeGBL6Kx11PPhv+JBmFJNwxR1Z6OkufGcvKMS+W+MGzqiFJEmtfm8EgvylmZR7sfEdv4JOzf9e7dtLoYpj+t2hf8UsbC0MvEJQQhbs7vvPmUf/gAVyTo6gX/jv+oV8bjoeoHuXA58us7j8lPHcpVL3Zk03KuPnVN9o//tVahgfNQLPnARmpaYaUrPZujqZO1/cxYAAAsrM/mzw+NOgNzq/7mzvhVwvVd9nU5w253iVJImnzC3hPnlToOZUR/0NzcdvxGtVa1S9S9n6GPlah4dkzVLt5kLi//4/LSfeKdb0Qj84MD5rBkgmjOb5lk8XnaTUadk39gj5+z9HD9xn+nbKIxaNGEn3xAgfXrSb6P9vlhagI/D53Po+pnzLs371xnKTNLxi9lMm3AfCaPJlGF8Owq1W5plHEHL1AUEooq1Wj0cUwdGlp3P7gA/bG3KFzdf0or358U75/ZgwNe3elyzPPFqtfXVIK4M315Ot06DbQpEyNelp0V3L3O3j/f3t3HhZV9f8B/H1nZRgYNhHZBRcwITVFzQXXFDVRQTT7aurXfuaS5del0jI1LStzzy0zt7IUDZfMXEhMc0es3BdIxQ1kX2SZmfP7Y5wL48zAADMs4+f1PDzPcO85937uYZjP3HvPPedVAICffTAKs0vOAKUuZT++47lsGe69+y7fwU/p2RZOISXj37/iORI7PvoQBSrNl4/waR+icZv24DgOKmUxlv5nkGaO96e7yT7wAQQApAHWN857o593oODaNcg7dSq3rEqtOYsWSCRodvUKco8dw1/zvgVe0rTt7b++h3PSH4BABIFtPTBVEWw7TQVEUrDCXAhLzQgX4TsZl/aewKItr2LKj3vKfcIjIykFQU4lMTZxaI0mDq2BjenwhQ9yTyeBLXwBqXf+hcK1PqS28hobtKi6MbUano89gafffx9fOwSbK4Y7oQb8dQECqdTgutqOEj0hZiaQydBgxgy06dUbiTe84d9RM9BOX6//Ay4C+9/6FJJgZ3SfOM6kD1RWoASkgLooF0I7w5fepSwPj3aNhcJAZ7CCjJIrApJyJm1R9O4FWexh3OyhmWZVdO8Mcu6dgajvcsgkmkuUA3zeRr4yB/9k/MHPRqdlI5SjS4MhJW1RkAEAsG3VCtbGplkz2DRrZlrhZ/7Odp07o96oIuBpt4d6r0ei6fA1YMXFUKakQCCV4kbn0JIKYhns+5XM0qftzLdk2ACMW/c9hCIRpLZyqJTFyEpJwdU/49C8S0841HdD5qNHKOvisp3YEef/txVuMl88xj08LkjGbcdEDJhT9uiAdVVRwRN8PWoobIX2cJI0QEe3gQCAlMSjkF2JRsBfF8BJJCj4+2/cmzIVtm3bwv2TuXX61hMNmFNDaMAc65d77Bju/t9Y3Gr3AVq6++utTxAcRf/PPip3O6cmb4aXjR+S8q6i84r/M1im+NEj3OzSFfYGEn1+VwFs49RQqZXwnt8RAhOe3c47dQppGzYg72jJ/fqcDu/Do34jvbLXss7CRiiHr51uj/6Mk19D7lwM/5jy7+tbC+3ARM9KLXiAVkuH6Cy7ufMobM5qzsZVHYTwDTf8dAZjDI/mzUfG1h8h6z4HIoW7zvo9d1ZBJBAjtzgDcpEjQhsMhr3YGccfxaDfoplImPUT/O1bVPxYWt9H+6ihFa5Xm6XeTsK5z7Yi2ClUZ3m+Mh+iG6vhtyum2q9mVEcuoHv0hFiIXefOCIg/B99zS3E0R384zFbqLkhJTDJQU5fo6YU3TmT8A0js5oamZ07jQX6W3rrzuzT3c4UCkclnJfL27eGzdi3f4QgA7E98gTs3/9ArG+AQopfkAUD06G/4bd9m0v6sxc0HxsYJ0D+fYlzJMltXR6Pb5DgODT6eBZF7Azz5fTZyT63UWR/uMwF9vf4PQ/zeQz/vsbAXOwMAOrkNwv5pX1QqyQOAV7wHHtwouz9GXaFWqbD9nZkoXJ2sl+TzivJQcG4TPJcusdpbFpToCbEggVwO//Vr8FLsBNyLnY9T1/7EsZwifv2VDQfK3YaY0yRnobTsf1ehQgHBWf1HfdrY9+RfV/aDrNnVKxC6uMDp4vdIOfAR/s7OLbN8zu7xELm51enLnZWSn2pwsaHLpnJFvZLX7k7lbrrJkd/R5OQJsId/4UGuaZMPdahveM4CAMg4vQ45u8YiLe028oqLkLH/PaQdngMVKxn45+YPZ0zaT23C1Grcij+NzEcPcSJ6K5a9Ngi73/oYHWz76JTLuRGLnF1jof71f3Bp4wmpn18NRWx5dI+eEAuTt2+HRocP41bPnmh+ZROKbu7E311n40W5AxoVN0f81p1o/XqkXj3GGIoLnkAi0HQAktqX3xHINuM6ClVP+MfxAM19c3NocvwY7ox4Azh3Dn6/T0EOAAhEsH31PQjFWcj5eQ3ASiYI8d/3/I3nLgt6ATAwb46A0//byRyF0PaekNR3MGn7IicnBF78B5feWALY+VQ4PpVahcyr+yG+dQAileaRT8mxT6HG02RQmIn83eP4W0Cigrp1LpifnYXot99DD4/hyMUNeKgbILLhFJ0y2XnpQOwscE87SLp99BGchg4xtDmrUbf+ioTUURIvT/4yeODubXA49x1ylZre8EUn01GYrz+b2KlNW3HgnYWwFWnu29nWK7sjHQB4fPkF/yiduXEcB5/Nm6DoX/IoEtRK5O/5DDk7V+okeVmLFkY7DlozTljS9tcfJvCvi9T6VzYUgd64f+pbPDy+HEKZ4YGMDO5DJIKjRxoK7pzUWV784AIKru3TGRL5WTn7p0NyfQ+4p0ne/pVX+HV2XbrwrxMfndXsS1V3unCp1SrseXcOengM55c9O+BN5qFZ4A59AE5djID4c5qxDYb/x+qvPNEZPSHVTOrvj6AZo3BqexKaezWHtzwQJ1ZuQbfp43TKuV5ygbdLyVmbwtul3G0r+vdHzonjZo9ZixMI4LnwS3h8+QXuTZmCnP2/6ZVpeu4chHbWMdRtRZV+1E1S+BDXbxyD2DMEznlHAPTTKSu0s0OrHz8HJ5FU+JaK2/8m4fao0cg5vwHgBE9HaQPkXULR8NvjeLjwssF6wmLNLRd5587wWaffcZMxhqvNXgBTar4I2CqFemVqq5h5C9DJLUJn2ZOiJxAoC1CUehXs7x8gVBXB46uv4PBqPyNbsU6U6AmpAYr+/eH303+RXuQDZ4k9mqQ1x75lX6Hfu5qx4ZXFxXqX3BX+ZY+8BlT+HnxFcRwHryVLoJo3D0nhA+AyfhwcBw+22s5MpuKEJcdv0yIYLhs/Abu0Be7zPjFYXuzubnB5ecSenmh86CCYWg0olYBYbFLbu05+Fy5jxhg9g+U4DoFXLuPRqIUAAGepO27/nQDfF6v/8ci/Y3/DqZ+3YfSSNXpzNzzr5I69aPek5IpE9m/vgSvI1CnDAQi8cvm5fI/SpXtCagDHcWj42Ww8Sizppd3iQTv8/OkcAMCJtZt1yt8ryICNWz1URWph2R3oKkNoZ4fGv8fCKSrqufwAfVbpS/cCiRhNz5yG7+ZNcIzU74Nhlv0JBAavCGSfXKlXNjkxFvXGjSv3MjXHcXBrUvIFRLg11+Iz66mUxbh76W8wxqBSFuPb4aPgfEiOvvb/xZ+T12DR0FdRVGCg8wOAfy+cR35syWhRmRdj+CTvu3UrAq9c5m+bPa/vUTqjJ6SGSBo2RDPvVFzPTEVTR8389m1zemDd6NHo4jJY578zOykeQodXTdrurfvX0MhDfyS6nDu/A+ijX4GYjUBYcqmbEwggVCggb9u22uPgHv2lt0ySnGCgpGFu3mrkXyn5/eyWX9D2jf7GK1QSYww7586G0yNH1LfxwdH0tXCTNUSY1xi+TGPFS2iseAm/vr8YA5fpDuJzaN1q1L/kjACHEABA0ZNMiG4fRuDVKyAlKNETUoM8Fy9G2ksdkB/2FWyfng32cdMdIvfiExX82d/lDnWq5XpmMS73XoUXZLr3V6XuDcwTNDGq9FgHnKDmzh4bxx7Glf9Mh3P78fwyt1DjUxQ/i5NIkLF/Opz6PL2E/48Ydy7+BZ+g8p/Jz36cCqZWwaF+2e+32HVrIf9bhPbyV4CnDx10dX/NaPkmwhewaGjJl10BBOjlORoONiVXugoPfoCAC+fLjfF5Q4mekBrEicVovH4lrv/fu0js8hmCbHX/JS9fOgTfG9Hw2rLZyBb0yVoEw/vAeKT0noP6spIx0mUB1vuccG0hEJX6clWDiV7s6QnxwwRk73oLxUGvgUu5jKZrPja5PlOrISrMwr27Z+HpHaLpL/J9Ng5lLkS3FZMheubyv7KoCMc2b8HD43+jTb0wpBTcwdWs08gqegyxQIJuY8chqJtmPAfGGL6d8F/0cfgvUEafzcyDH0KYn8o/6ucgqYehfu8bLZ9z4H00PXWizo5Hb0k0BG4NoSFwSWn3pkxF1q/7kdlnFXykmmTx193L8I9fCpGHO5r8/rvJ21JmZODGyx2Q+8pHcJeX9NrPC8hFwGi6dG9JF9f9AsdbmtPTdN90vDh+QI3F8uTiJfw7eDD/e+Cli+CEpvWiZ0olrgYFAwDUfRbCQVrynP/t3MtIKbiDAEUI1FAjrzgTAk4Id1v9YZ5L+/3BVjQb/Arif/oZr3q/pbMu80kGHGWaQYMep1yD9MQifp3K1hWOvXTnVCgtK/k8BPHrYNetC7xX6fdNqO2qIxdQoq8hlOjJs1IWL8Hjb75Bcrv3IXzyGO5/r4fHggVwHDSwwttixcU4M+UneMob8suK26rhF9HFeCVSZZc37Ifimmb8gAy/LAS/ZVq/CktR5+Xh3pSpsOvaBU7DhlWo7sNPP0PGli1gACThq2EjMP+jdqmZybCJ0zyRUOwSAK74CUTZJaP+ea1aieQJE8E5+kIa8hbEct0OqVnZKRD8rpkvolkdvS9Pid6KUaInhlx7qTXU+ZqBdOx69ID3yq8rva2Tb2+Et13JJDSSvg6oH/pilWMkxl3ZchD2lzSD32Q2zkHQm31rOKKquda6DdR5msGcvH/4ETd+zYRrXjkJv+E9cJwaOYqWePJvLuRZhdpZYHU8vrQH0huGR0+Ud+wIn/XfAgByj/+Ju2++abAcALh/vgCOAweacji1UnXkArpHT0gt0uTUSdxo/zJkL70Er6VLqrQtNdQ6v8s9Hau0PVI+zbzzT0e5s4Inufx/2Yub3boDAO7+ZxhsALhfuIAn+WpIbcUQ22hSSHFKCpIGD4Eq5ZFOfRsAKgDZ4MAGzoYDNH1GMk6sgDTlH76c85j/In39dwAAz6VLoAgL49fZtmltND6BQgGHATV3e6SuoERPSC0ikEgQcD7eLNtiXMmQtIlZieigCDTLdolxNjJ7/rVarT9jYV0jdneH6+TJSF26lF92vWXLCm+HAwO3a45mfgSUJB7XKVNQb6xm6mWn116DwM4OIifdCX4ENjYIvHwJT+LjIfHzg0AuBzgOAhubih/Qc4oSPSFWSo2SRCPKToXQ2bkGo3k+CIX2ADQDE9kryh/JsC6oN+4tyF5qhTtvjDSpvMv4cZCHhCB1+QowtRpCBwfkHTumV67RoYOQeHvzv5d+/SxOIIBtSEjFgycAKNETYrXsSj1ap2jkZHKPa1J5Lm75yH76WmJvPQOPytu2RbOrV/B49WqkLlsOga0t35dE3qkTpI0bQ96pE+w6dSyp06GDzjby4+Nx+z/DIW3SGD6bN+uduRPLoURPiJWS1csG0p3xoEgNH5eMmg7nuWDfvh0uznoTahsnhIyZUNPhmF298eNRb/z48gsaYNu6dZ3tGV/XUaInxErZ3TmNrNgvYMdUsP16RU2H81zgRCIEfzQCyrQ0SJs0qelwCAFAiZ4Qq+UYEYHcw7EANI/qkephT21NahlK9IRYKfvu3dHk5AkIHR2f21m7CCGU6AmxatThiRBiPd1CCSGEEKKHEj0hhBBixSjRE0IIIVaMEj0hhBBixSjRE0IIIVaMEj0hhBBixSjRE0IIIVaMEj0hhBBixSjRE0IIIVaMEj0hhBBixSjRE0IIIVaMEj0hhBBixSjRE0IIIVas1ib6a9euYcWKFRg1ahSCg4MhEonAcRzmz59vtM7du3exdu1ajB07Fq1bt4ZUKgXHcXjzzTerHE98fDyioqLg5uYGGxsb+Pn5YdKkSUhJSanytgkhhBBLqbXT1K5evRrLli2rUJ2dO3fif//7n9lj2bFjB4YNGwalUomQkBD4+fnh3Llz+PrrrxEdHY3jx4+jcePGZt8vIYQQUlW19ow+KCgI06ZNww8//IArV65gxIgR5dbRnmVv2LABf/31Fz788MMqx3H//n2MHDkSSqUSa9euxZkzZ7Bt2zZcv34dw4cPx6NHj/D666+DMVblfRFCCCHmVmvP6J+93C4QlP+dZMCAARgwYAD/+88//1zlOJYuXYr8/Hz07NkTY8eO5ZcLhUKsXr0ae/fuxdmzZ3Hw4EH07t27yvsjhBBCzKnWntHXFjExMQCA119/XW+dnZ0dwsPDAZjnSwUhhBBibpToy5CTk4ObN28CANq0aWOwjHZ5QkJCtcVFCCGEmIoSfRn+/fdf/rWPj4/BMt7e3gCApKSk6giJEEIIqZBae4++NsjJyeFfy+Vyg2Xs7OwAANnZ2WVuq7CwEIWFhfzvWVlZJtUjhBBivbQ5wJIduinRV5MFCxZg7ty5esu1VwQIIYQ8v3JycuDg4GCRbVOiL4O9vT3/Oi8vz+AfITc3FwCgUCjK3NaMGTMwZcoU/ne1Wo309HS4uLiA47hKxZednQ1vb2/cvXu33P2TiqP2tSxqX8ui9rUsc7UvYww5OTnw8PAwY3S6KNGXwdfXl399584dBAcH65W5e/cuAKBhw4ZlbksqlUIqleosc3R0rHKMgOZLBv0jWw61r2VR+1oWta9lmaN9LXUmr0Wd8cqgUCj4Ee/OnTtnsIx2+UsvvVRtcRFCCCGmokRfjkGDBgEAtm7dqrcuNzcXe/fuBQBERERUa1yEEEKIKSjRQzMoTmBgIHr06KG3bvLkybC1tcXhw4exbt06frlKpcKECROQmZmJkJAQ9OrVqzpDBqC5HTB79my9WwLEPKh9LYva17KofS2rLrUvx2rpIO3nz5/HhAkT+N9v3bqFx48fw8vLC56envzymJgYuLu7AwAePHjAn4EDQHJyMu7duwdXV1f4+/vzy1etWqVzqX3jxo0YPXo0fH19dZ6d14qOjsawYcOgUqnQrl07NGzYEGfPnkViYiLc3NxoUhtCCCG1Vq3tjJednY3Tp0/rLU9OTkZycjL/e+ln0wsLCw3WSU1NRWpqqs62KyIqKgr+/v747LPPcOzYMSQkJMDd3R0TJ07ErFmz4ObmVqHtEUIIIdWl1p7RE0IIIaTq6B49IYQQYsUo0VtAdHQ0unbtCicnJ8jlcrRo0QJffvkliouLjdaJj49HVFQU3NzcYGNjAz8/P0yaNAkpKSnVHosl4zGHyh7T7t27ER4ejgYNGkAikaB+/fro0KEDPvnkk0rFoVarsXbtWrRr1w729vawt7dHu3bt8M0335Q7nOXhw4fRt29f1KtXDzKZDIGBgfjwww/5AZhqwrVr17BixQqMGjUKwcHBEIlE4DgO8+fPN1herVbjxIkT+Pjjj9GpUye4uLhALBajXr16eOWVV/DDDz9UaVjPoqIifPHFF2jRogXkcjmcnJzQtWtX7Nixo9y6lX2PWFJF21crLS0NM2bMQHBwMORyOSQSCby8vBAVFYU//vij0vFYU/sWFxcjNjYW06dPR0hICBwdHSEWi9GgQQOEh4dj3759Jm9r1apV4DgOHMfpTZdeEbWqfRkxq3fffZcBYCKRiPXq1YtFREQwR0dHBoB16tSJ5efn69WJjo5mIpGIAWAhISFsyJAhzN/fnwFgbm5u7MaNG9UWiyXjMYfKHFNhYSGLiopiAJhMJmPdu3dnw4YNY926dWP169dnLi4uFY5DqVSyiIgIBoDZ2tqy/v37s/79+zOZTMYAsKioKKZSqQzWXbx4MQPAOI5joaGhLCoqijVo0IABYAEBASw1NbXC8ZiDtm2f/Zk3b57B8jdu3ODLODs7s169erGhQ4eykJAQfvmrr77KCgsLKxxLXl4e69ChAwPAHB0dWUREBOvVqxf/vpw6dWq5x1HR972lVbR9GWPs5s2bzMPDgwFgLi4urG/fvmzw4MGsWbNmfP1FixZVOBZra99Dhw7x7dGgQQPWr18/NmTIEBYUFMQvHzt2LFOr1WVu59atW0wulzOO4xgANmbMmErFU9valxK9GcXExDAAzM7OjsXHx/PLU1NTWXBwsME/8L1795itrS0DwNauXcsvVyqVbPjw4XyyLe8Nao5YLBmPOVT2mN544w0GgA0cOFAviapUKnby5MkKx7JkyRIGgHl6erLExER+eWJiIv/BvGLFCr1658+fZxzHMaFQyH799Vd+eV5eHuvRowcDwCIjIyscjzmsW7eOTZs2jf3www/sypUrbMSIEWUmops3b7Lu3buz/fv3M6VSqbMuLi6OyeVyBoDNnTu3wrFoP+yCg4N1/mbnzp1jdnZ2DADbu3evXr3KvkeqQ0XblzHGwsPDGQDWr18/lpubq7Nu7dq1fEK4e/duhWKxtvaNjY1lkZGR7I8//tBb99NPPzGhUMgAsE2bNhndhkqlYp07d2Z2dnZs5MiRVUr0ta19KdGbkfZMZv78+Xrrjh07xgAwqVTKMjMz+eXTp09nAFjPnj316uTk5DAHBwcGgP32228Wj8WS8ZhDZY7p8OHDDAALCgpiRUVFZolDpVLxZ+Dff/+93votW7YwAMzDw0PvrF57ZeHNN9/Uq/fvv/8ygUDAALArV66YJdaq0H7YlZWIyjJv3jwGgDVq1KhC9dLT05lEImEA2PHjx41ut3379nrrKvu+rwmmtK82KZw5c8bg+iZNmjAA7OeffzZ5v89L+5Y2ZswYBoD16NHDaBntlbaVK1ey2bNnVzrR18b2pURvJsnJyfwlotJneKV5e3szAGzr1q38ssaNGzMA7LvvvjNYR/utf+zYsRaPxVLxmENlj2nAgAEMAPv222/NFsvx48f5f7gnT57orc/Pz+f/0U+cOMEvLyws5K+W/P777wa33blzZwaAffbZZ2aLt7Kqmuh/+eUXBoBJJJIK1fv+++8ZAObj42Nw/a1bt/j3wr179/jlVXnf1wRT2rdevXomJXpDZ7LGPC/tW9rXX3/NALCmTZsaXH/16lUmk8lYly5dmFqtrlKir43tS53xzCQhIQEA4OzsDD8/P4Nl2rRpo1M2JycHN2/e1FlXXp3SGjZsCI7jsHHjxirHYo54LKkyx6RSqRAbGwsACA0NxcOHD7F06VKMHz8ekydPxqZNm8rs/KbtkBMXF2cwlubNm8PGxkavnkwmQ/PmzXXKAsD169eRn5+vE2t5x1CX3bhxAwD4Aa1K+/fff/n2fXaQKu2xG2sjf39/ODs7AwAuXLigV6+i7/varE+fPgCAuXPn8u8drXXr1uHGjRsIDg7Gyy+/rLOO2ldXWe9FlUqFkSNHguM4rF+/3qTZROta+9baAXPqmqSkJACAj4+P0TLauee1ZUu/QYzVe7aOpWKxZDzmUJljSkxM5BP5qVOnMGHCBL3EPn36dPz000/o3r272WNJSEjQaSfta0dHR50pkMs6hroqPz8fy5cvBwBERkZWqK4p7evl5YX09HSD7VvR931ttnDhQly+fBn79u2Dj48P2rdvD1tbW1y6dAlXr15Fv379sG7dOohEpn+UP2/t+/DhQ/5kyNB7ceHChTh9+jSWLFmCRo0aVXl/tbF96YzeTHJycgAAcrncaBk7OzsAJSPzaeuUVe/ZOqU1atQIAQEBelMcViYWc8RjSZU5prS0NH7dmDFj0Lp1a5w9exY5OTm4cOEC+vbti9TUVAwYMID/xl9aQEAAAgICYGtrW+VYqlKvLpowYQKSkpLg4eGBmTNn6q0Xi8V8+4rFYp111L4l3NzcEBcXh+HDhyMtLQ379u1DdHQ0Ll++DE9PT3Tv3h2urq569ah9NZRKJYYPH46srCwEBwfjrbfe0ll/8eJFzJ49Gx06dMA777xj8nbrWvvSGX0dpr0sTQxjpZ7h9vT0xIEDB/gJKFq0aIE9e/agZcuWuHjxIj7//HOsX79ep/7Vq1erNV5rMW/ePGzatAk2NjbYvn07XFxc9Mp4enpS+5rg6tWr6N+/P1JTU7Fq1Sr0798fCoUCCQkJmDZtGqZOnYrffvsN+/fvh1Ao5OtR+2qMGzcOsbGxcHFxwY4dOyCRSPh1SqUSI0eOhEAgwHfffQeBwPTz3rrWvnRGbybaS7F5eXlGy2gvGysUCp06ZdV7to6lYrFkPOZQ1fYdNWqU3ixTQqGQ/4Z/+PBhi8ZSlXp1yeLFi/Hxxx9DKpUiJiYGHTt2rPA2qH01lEolIiMjcfPmTaxbtw7jx4+Hl5cXFAoFunTpgoMHD6JBgwY4dOgQNm/ebPJ2n5f2fffdd7F+/Xo4OTnh0KFDaNq0qc76Tz/9FOfPn8fcuXMREBBgtv3WxvalRG8mDRs2BADcvXvXaBntOm1ZX19fft2dO3dMqmOpWCwZjzlU5pi0nRUB6MxeWJp2+YMHDyoci7E2MhRL6deZmZk6t0nKq1dXrFixAlOnToVEIsHOnTsRFhZWqe2Y0r7aia0MtW9F3/e11enTp3H58mVIpVJERETorXdycuI761Xki+rz0L5Tp07F8uXL4ejoiIMHD6JVq1Z6ZWJiYgAAe/fuRdeuXXV+tPf09+3bxy8zVW1sX0r0ZqJ9I6WlpRntKHHu3DkA4KfIVSgU/PS22nXl1bFULJaMxxwqc0x2dnb8N/XHjx8brKNdrr33ZQrt9i9duoSCggK99U+ePMGlS5d0ygLQud9f29q3qlauXIl33nmHT/L9+vWr9La0x26sjRITE5Geng4AOh/glX3f11baRGFra6tzWb40bf8cbXuYwtrb97333sPixYvh4OCAgwcPGu39rnX8+HEcPXpU5+f27dsANB35tMtMVSvbt0IP45EyWWLAHO3Qh7VlwJzKxmMOlTmmWbNmMQCsb9++BrepHe2vd+/eJsdhyQFztCN41aUBc1avXs0/L29otK+Kqo0DjlhCee179OhR/rnq69evGyzz8ssvMwBs/PjxJu/Xmtv3/fffZwCYg4OD0bEHTEED5hCjjA1f+PjxY5OGwP3mm2/45Uqlkh+cxtiQs927d2cBAQEGR8WqTCxVjcfSKnNMqampzMnJiQFga9as0Vn3448/8mNa79u3T29/AQEBLCAggJ0+fVpvXVlD4Hp6ejLA8BC48fHx/BC4+/fv55fXhiFwn2VKov/mm28Yx3EVTvLJycl8+yYnJ+ut1w4h+uKLL7LHjx/zy+Pj4ys1hGh57/uaUF77FhUV8e+l0NBQlpKSwq9TqVRswYIF/BeBZwfMeR7b98MPP2SAZmz5qiR5xspP9HWtfSnRm9k777zDADCxWMzCwsJYZGQkfxbcsWNHgxMSbN++nT+Ta9euHRs6dKhJk8j4+voyAGzDhg1mi6Uq8VSHyhzTwYMHmY2NDQPAmjdvzgYPHsxatWrFf0jOmjXL4L60648cOaK3TqlUskGDBjFAM6lNeHg4Cw8P578kDR482KRJbbp27cqGDBnC3N3dGVCzk9rEx8ezdu3a8T/aUdm8vLx0lt+/f58xxlhCQgL/RSkwMJCNHDnS6M+zkpKS+PZNSkrSW5+Xl8efrTo5ObHIyEgWFhbGxGIxA8CmTJli9Dgq+763tIq2L2OaMdy17ymFQsFeeeUVFhERwRo1asS338yZM/X29by17+7du/njbdOmjdH3oalJsrxEX9falxK9BWzbto2FhoYyhULBZDIZCwoKYp9//nmZs3idO3eORUREMFdXVyaRSJivry+bOHEie/jwodE65SX6ysZS2XiqS2WO6dq1a2zkyJHM09OTicVifiawAwcOGK1TVqJnTHNWtWbNGtamTRsml8uZXC5nISEhbM2aNeVe8Th06BALCwtjzs7OTCqVsiZNmrAZM2aw7Oxsk9rAEo4cOcIfc1k/2g82U8sD+h8z5X1QMqYZMnjBggUsKCiIyWQy5uDgwEJDQ9n27dvLPZbKvu8tqaLtq3Xr1i02ceJEFhgYyGQyGROLxczDw4MNGjSIHTx40OC+nrf23bBhg0lt6+vra9L2qproGatd7csxVoUJowkhhBBSq1Gve0IIIcSKUaInhBBCrBglekIIIcSKUaInhBBCrBglekIIIcSKUaInhBBCrBglekIIIcSKUaInhBBCrBglekJqAMdxFf7RTpXZtWtXcByHuLi4Gj0Gc1i2bBk4jsPOnTt1ls+ZM0fnmI3ZuHEjOI6r8WlRTZGVlQUXFxe0a9cONE4ZqU6img6AkOfRyJEj9ZY9fPgQBw4cMLo+MDDQ4nFVp9TUVMyZMwchISGIjIys6XAszsHBATNmzMD06dOxefNmg39jQiyBEj0hNWDjxo16y+Li4vhEb2i91ubNm5Gfnw8fHx8LRVc95s6di8zMTMyZM6emQ6k2b7/9Nr788kvMmDEDr732GqRSaU2HRJ4DdOmekDrGx8cHgYGBsLW1relQKi0zMxMbN26Ep6cnwsLCajqcamNjY4PXX38dDx48wLZt22o6HPKcoERPSB1j7B79qFGjwHEcNm7ciGvXrmHo0KGoX78+5HI5QkJCsHv3br7s6dOnER4eDldXV8hkMrz88suIjY01us8nT55g0aJFaN++PRwdHWFjY4OAgAC89957SEtLq/AxbNiwAXl5eRgxYgQEAst9DCUnJ2PSpElo0qQJbGxs4ODggI4dO2Lt2rVQqVR65bV9A4xdZYiLizPYd6D08vz8fHz88cdo1qwZbG1t9foPjBo1CgCwcuVKMxwhIeWjS/eEWJnz58/j7bffhpeXF3r06IHbt2/j5MmTGDRoELZv3w6RSIQhQ4YgKCgIPXr0wNWrV3Hq1CmEhYXhyJEj6NSpk8727t+/j7CwMPzzzz9wdnZGSEgI7O3tcf78eSxcuBDR0dGIi4uDr6+vyTHu2rULANCzZ09zHrqOs2fPIiwsDOnp6fDx8cHAgQORlZWFuLg4nDhxAjExMdizZw8kEonZ9llQUICuXbvi8uXLCA0NRYsWLfS+CLVs2RKurq44c+YMHjx4AHd3d7PtnxCDKjW5LSHE7ErPV16WLl26MADsyJEjOstHjhzJ158/fz5Tq9X8uuXLlzMAzMvLizk5ObHNmzfr1J08eTIDwHr27KmzXK1Ws44dO/Jzc2dnZ/PriouL2dSpUxkA1q1bN5OPMz8/n0kkEiYQCHS2V5p2PvAuXbqUuS3tPOTPzjNeUFDAfH19GQA2btw4VlRUxK+7desWa9iwIQPAZs6caXC/s2fPNrg/7d/o2bhK/+1efPFF9uDBgzLjDg8PZwDYli1byixHiDnQpXtCrEzbtm0xc+ZMcBzHLxs/fjycnZ2RnJyMnj17YsSIETp1PvroIwDAH3/8geLiYn75gQMH8Oeff6Jly5ZYs2YN7O3t+XUikQhffvklgoKCcOTIEVy8eNGk+C5duoSioiJ4eXnpbM+Qo0ePlvnI4ejRow3Wi46Oxu3bt+Hh4YGlS5dCLBbz6/z9/fHVV18BAFasWIGCggKT4jbV119/jQYNGpRZpnnz5gA0V18IsTS6dE+IlenTp49Okgc0SdnPzw/p6eno27evXh0XFxc4OzsjPT0daWlpfKLat28fACAyMhIikf7HhUAgQGhoKC5evIgTJ04gKCio3PgePXrE77M8bm5uZXbWu3nzJv7880+95dr+C8Z6tkdERMDJyQkZGRmIj49Hx44dy43FFPXr10fnzp3LLac9dm1bEGJJlOgJsTLGHruzs7Mrc729vT3S09N1znATExMBALNmzcKsWbPK3G9qaqpJ8WVlZQEAFApFuWUDAwPLfNRw48aNBhP9vXv3AAB+fn4G63EcBz8/P2RkZPBlzcHUgXu0x56RkWG2fRNiDCV6QqxMeb3YK9LLXa1WAwA6deqERo0alVlWezm6PI6OjgCA7Oxsk+OoLbTtYYxMJjNpO9ovO05OTlWOiZDyUKInhBjl7e0NABgwYACmTZtmlm3Wr18fACr1WJ6pPD09AZRckTAkKSlJpywAvgd+Tk6OwTq3b982S3zaY3dzczPL9ggpC3XGI4QY1adPHwCazm3MTOOzN2/eHBKJBMnJyUYTalVpn3Pftm2bwc52MTExyMjIgL29PVq3bs0v1yb9K1euGNyuts9CVWk7LpbeNyGWQomeEGLUgAEDEBISgjNnzmD06NEG78NnZGRgzZo1UCqVJm1TJpOhffv2UKvVOH36tLlDBgBERUXBx8cH9+/fx5QpU3RiS0pKwtSpUwEAkyZNgo2NDb+ue/fuEAgEOHDgAI4ePcovZ4xh+fLlepPvVNbJkyf5/RFiaZToCSFGCQQC7Nq1Cy1btsSmTZvg5+eHjh07YtiwYYiMjESrVq3g6uqK8ePHm5zoAWDgwIEAgEOHDlkkbqlUih07dsDZ2RmrV69G48aN8dprr6Ffv3544YUXkJSUhN69e2P27Nk69by9vTFp0iSo1Wr06NED3bp1Q2RkJJo0aYJp06bhgw8+qHJsCQkJSEtLQ9u2bWmwHFItKNETQsrk4eGBU6dOYc2aNWjbti2uXbuGHTt24Pjx4wCAcePG4cCBAzpnxuUZPXo05HI5vv/+e4ND0ZpDSEgILly4gIkTJ0IoFCImJgbHjh1Dq1atsHr1avzyyy8GR8VbsmQJFi1ahKZNm+LEiROIi4vDCy+8gFOnTqF3795Vjkv7FMHEiROrvC1CTMExc914I4SQCnj77bexcuVK7NmzB/3796/pcKpFQUEBvL29IRaLkZSURLPXkWpBZ/SEkBoxe/ZsODo64pNPPqnpUKrNihUr8PjxYyxYsICSPKk2dEZPCKkxy5Ytw+TJkxEdHY3BgwfXdDgWlZWVBX9/fzRu3BinTp3SG72QEEuhRE8IIYRYMbp0TwghhFgxSvSEEEKIFaNETwghhFgxSvSEEEKIFaNETwghhFgxSvSEEEKIFaNETwghhFgxSvSEEEKIFaNETwghhFgxSvSEEEKIFft/gNNpUPlpQkoAAAAASUVORK5CYII=", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "\n", - "f = plt.figure(figsize=(5, 4))\n", - "ax = f.add_subplot(111)\n", - "\n", - "for i in range(len(index_list)):\n", - " plt.plot(12*voltage_baseline[:, index_list[i]], label = index_list[i]+1)\n", - "plt.legend(loc = 'upper right')\n", - "\n", - "plt.axhline(y=1.05*12, color='k', linestyle='--', label = 'Upper bound')\n", - "plt.axhline(y=0.95*12, color='k', linestyle='--', label = 'Lower bound')\n", - "plt.axhline(y=12, color='k', linestyle='--', label = 'Nominal')\n", - "plt.ylabel('Bus voltage (kV)')\n", - "plt.xlabel('Time (Hour)')\n", - "\n", - "time = [0, 3600, 7200, 10800, 14400]\n", - "labels = ['00:00','06:00','12:00','18:00','24:00']\n", - "plt.xticks(time, labels)\n", - "plt.yticks([11.0, 11.5, 12.0, 12.5, 13.0])\n", - "# plt.ylim([11.0, 13.0])" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Test a linear model-based approach: " - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### First use data to learn R and X" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "# 1.True R and X\n", - "R_mat = spio.loadmat('data/R_13.mat', squeeze_me=True)\n", - "X_mat = spio.loadmat('data/X_13.mat', squeeze_me=True)\n", - "RR = 2*R_mat['R'][1:,1:]\n", - "XX = 2*X_mat['X'][1:,1:]" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "# 2. Linear regression based on v = Rp+Xq +v0\n", - "P_matrix = gen_p.T - load_p.T\n", - "Q_matrix = gen_q.T - load_q.T\n", - "V_matrix = voltage_baseline" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "### Test the lindist model\n", - "t = 6000\n", - "V_pred = np.sqrt(RR@P_matrix[t, :]+XX@Q_matrix[t, :]+12**2)/12\n", - "plt.plot(V_matrix[t+1,:], label = 'True V')\n", - "plt.plot((V_pred), label = 'Predicted V')\n", - "plt.legend()" - ] - }, - { - "cell_type": "code", - "execution_count": 19, - "metadata": {}, - "outputs": [], - "source": [ - "# least square solution for R and X\n", - "X = np.hstack([P_matrix[0:-1,:], Q_matrix[0:-1,:]])\n", - "Y = (V_matrix[1:,:]*12)**2-12**2\n", - "\n", - "alpha = np.dot((np.dot(np.linalg.pinv(np.dot(X.T, X), rcond=1e-5), X.T)), Y)\n", - "#print(alpha)\n", - "\n", - "R_hat = alpha[0:12,:]\n", - "X_hat = alpha[12:,:]" - ] - }, - { - "cell_type": "code", - "execution_count": 20, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 20, - "metadata": {}, - "output_type": "execute_result" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAZEAAAD9CAYAAAB9YErCAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuMCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy86wFpkAAAACXBIWXMAAAsTAAALEwEAmpwYAAA9BklEQVR4nO3deXxU9bn48c+TjSQkZA8EBgj7mrBvAi5QRXDrdamtVbFa26q1emtrb2s3ly5ee+2tbW3VeqtVf9qitm4gVIILKCprFgj7FkhISEI2suf7++PMYJxMMifJJDPJPO/XK6+YM9/vmWfGwzxzvqsYY1BKKaW6IsTfASillOq7NIkopZTqMk0iSimlukyTiFJKqS7TJKKUUqrLwvwdQG9LTk426enp/g5DKaX6lK1bt54yxqS4Hw+6JJKens6WLVv8HYZSSvUpInLE03FtzlJKKdVlmkSUUkp1mSYRpZRSXRZ0fSJKKdVaY2MjBQUF1NXV+TuUgBAZGYnD4SA8PNxWeU0iSqmgVlBQQGxsLOnp6YiIv8PxK2MMpaWlFBQUMGrUKFt1tDlLKRXU6urqSEpKCvoEAiAiJCUldequTJOIUiroaQL5TGffC00iCs6UwdZnQbcFUEp1kiYRBWvuhTe+Aye2+zsSpYJSaGgo06dPZ+rUqVx22WWcPn26x5/z3Xff5dJLL+32eTSJBLsjH0HOKuu/Cz71byxKBamoqCh27NhBbm4uiYmJ/PGPf+zyuZqbm30YmXeaRIJZSzOs+T4MGgYxgzWJKBUAFixYwPHjx9scP3z4MBMnTmTlypVkZmZy9dVXc+bMGcBazumBBx5g0aJFrFq1inXr1rFgwQJmzpzJNddcQ3V1NQBvv/02EydOZNGiRbz66qs+iVeH+Aazrc9AUQ5c/X+w6zU49om/I1LKr+5/I49dJyp9es7JQwfxs8um2Crb3NzM+vXrueWWWzw+vmfPHp5++mkWLlzIzTffzOOPP873vvc9wJrfsXHjRk6dOsWVV17JO++8w8CBA3n44Yd59NFHuffee7n11lvJyspi7NixXHvttT55fXonEqzOlEHWg5C+GKZcCY45cPoIVBf7OzKlgk5tbS3Tp08nKSmJsrIyLrzwQo/lhg8fzsKFCwG4/vrr2bhx49nHXElh8+bN7Nq1i4ULFzJ9+nSeffZZjhw5Qn5+PqNGjWLcuHGICNdff71PYtc7kWC14RdQVwHLHwYRcMy1jhd8ChMv8W9sSvmJ3TsGX3P1iVRUVHDppZfyxz/+ke985zttyrkPv23998CBAwFrwuCFF17Iiy+++LmyO3bs6JGhzHonEoyKcmDL/8Gcr8Ng5z+atGkQEq79Ikr5UVxcHI899hi/+c1vaGxsbPP40aNH+eijjwB48cUXWbRoUZsy8+fPZ9OmTezfvx+AM2fOsHfvXiZOnMihQ4c4cODA2fq+oEkk2BgDq++FyHi44EefHQ+PhLRMKNC9VpTypxkzZjBt2jReeumlNo9NmjSJZ599lszMTMrKyrjtttvalElJSeGZZ57hK1/5CpmZmcyfP5/8/HwiIyN58sknueSSS1i0aBEjR470SbzanBVscl+Box/Cpf8LUQmff8wxB7b9DZqbIFQvDaV6i2v0lMsbb7zhsVxISAh//vOf2xw/fPjw5/5esmQJn37atlXh4osvJj8/v+uBeorJp2dTga2+Gtb9xGq6mnlj28cdc6DxDBTv6v3YlFJ9kiaRYPLB/0DVCVj+CISEtn3cMcf6XaBDfZUKNOnp6eTm5vo7jDY0iQSL0gPw0R8g88swYp7nMvEjYGCq9osopWzTJBIs1v4IQiPgwvvbLyMCw+fqpEOllG2aRILB3nWw9204716IHdJxWcdsKDtgTUZUSikvNIn0d0318PZ/QdJYmNd2OGAbrScdKqWUFzqOs7/b/CfrzuKrr0BYhPfyQ6eDhFpJZPyyHg9PKWUtBZ+RkUFTUxOjRo3iueeeIz4+/uzjpaWlLF26FICioiJCQ0NJSUkB4JNPPiEiwsa/7R5i605ERIaLyMsiUiEilSLyqoiMsFn3lyKyTkRKRcSIyE0eytzkfKy9nyGtyr7bTpm77b7ooFFZCO8/AhNWwLgv2KsTMRCGTNU7EaV6kbel4JOSktixYwc7duzgW9/6Fv/5n/959m9XAmlqavJH6N7vREQkGsgC6oGVgAEeAjaISKYxpsbLKe4EdgBvAh4mJwDwFrDA/amBN4CDxpgit8eygW+6HTvsJY7g887PoLkRlv2ic/Ucc2Dn362l4j0NBVZK9ZgFCxaQnZ1tq+xNN91EYmIi27dvZ+bMmcTGxhITE3N2Zd+pU6fy5ptvkp6ezvPPP89jjz1GQ0MD8+bN4/HHHyc0tPv/vu00Z90KjAYmGGP2A4hINrAP64P8US/144wxLSIylnaSiDGmBChpfUxEFgNJwM88VKkyxmy2EXvwOroZsv8Oi78HiaM7V9cxBz79C5TsgcGTeyY+pQLRmv+y1pbzpSEZsPzXtop6Wwrek7179/LOO+8QGhrKz3/+c49ldu/ezd///nc2bdpEeHg4t99+Oy+88AI33tje93r77CSRy4HNrgQCYIw5JCKbgCvwkkSMMS1djG0l0AC0XUBGdaylGVY7N5ta/N3O12896VCTiFI9zrUU/OHDh5k1a1a7S8F7cs0113i9o1i/fj1bt25lzpw5Z58vNTW1WzG72EkiU4DXPBzPA67xSRRuRCTKee43jTGlHorMEJEKIBrYDfzOGPN0T8TSJ217Foqyrc2mIgZ2vn7iaIhOsvpFZt3k8/CUClg27xh8ze5S8J64loAHCAsLo6Xls+/tdXV1gLU8/MqVK/nVr37l28Cx17GeCJR7OF4GJHg47gtfBAYBz3p47H3gbqw7pKuxmtX+IiI/bu9kIvINEdkiIltKSkraK9Y/nCmD9Q/CyEXWZlNdIWLdjRzTznWlepO3peC9SU9PZ9u2bQBs27aNQ4cOAbB06VJefvllioutTefKyso4cuSIT2K2O0/EeDjm+91NPrMSq49kdZtAjPmpMeYpY8x7xpjXjDFXAf8C7hORGE8nM8Y8aYyZbYyZ7RoW129t+CXUnf5ss6mucsyGU3ug9rSvIlNK2dDRUvDeXHXVVZSVlTF9+nT+9Kc/MX78eAAmT57MQw89xEUXXURmZiYXXnghhYWFPonXTnNWOdbdiLsEPN+hdIuIpAFfAH5vjLE7Zu1FrLuXDOAjX8fUZxTlwpanYfYt1jDd7nBNOjy+BcbaHB6slOoSu0vBA5/rPH/mmWc+91hUVBTr1q3zWO/aa6/12b7qrdm5E8nD6hdxNxnoiTXDrwdC8dyU1R7XV25Pd0zBwRhY42Gzqa4aNhMkRBdjVEp1yE4SeR2YLyJnx4mKSDqw0PmYr90IZBtjdnSiznVALeDjsXl9SN6rcGQTLP0pRHu6ceykAbGQOlknHSqlOmQniTyFNZHvNRG5QkQuxxqtdQx4wlVIREaKSJOI/LR1ZRE5T0SuBi52HpotIlc7j+FWdiYwlXbuQkRksYi8JSK3iMhSEblSRF7D6mS/38bEx/6poabjzaa6yjHbSiItXR2lrVTfYEzwNmK46+x74bVPxBhTIyJLgN8Cz2E1Ha0H7jbGtG7IE6xmKPfEdD9wXqu/73D+uOq0thJoAl5oJ5xC5/kfAJKBRqzZ69cZY3yz63xf9MGjUHncGtLryxnmjjmw9Rko3Q8p4313XqUCSGRkJKWlpSQlJSHdGYzSDxhjKC0tJTIy0nYdWwswGmOOAld5KXMYDyO2jDHn2w3GGHMXcFcHj+8Hlts9X1AoOwgfPgaZ18KI+b4999kVfT/RJKL6LYfDQUFBAf1++L9NkZGROBwO2+V1Fd++7m3nZlNf6GCzqa5KGguRcVaT1ozrfX9+pQJAeHg4o0aN8ncYfZbuJ9KX7fs37F0D534fBqX5/vwhITrpUCnVIU0ifVVTw2ebTc2/veeexzEHindBfVXPPYdSqs/SJNJXffwnq8P74l/b22yqqxxzAAPHt/bccyil+ixNIn1RZSG8998wfjmMs7/aZ5cMm2X91vkiSikPNIn0Re/8HJobOr/ZVFdExUPKRJ25rpTySJNIX3P0Y8h+Cc65E5LG9M5zuiYd6oQspZQbTSJ9SUszrPk+xA6Fxff03vM65sCZUmtOilJKtaJJpC/Z9jco3AkXPdi1zaa66uykQ+0XUUp9niaRvqK2HNY/ACMXwtQOFw/wvZQJEBGrSUQp1YYmkb7CV5tNdUVIKDhmwbFPevd5lVIBT5NIX3AyDz79i3OzqQz/xOCYY8XREJwLJSulPNMkEuiMgdU+3GyqqxxzwTTDie3+i0EpFXA0iQS6vH/CkY2w9Ce+2Wyqqxyzrd/aL6KUakWTSCBrqIF1P4YhmTBzpX9jiU601unSSYdKqVY0iQSyjb+1Npta8YhvN5vqKsccq3NdJx0qpZw0iQSqskOw6THI+JLvN5vqKsdsqCmG00f9HYlSKkBoEglUa++D0HC48AF/R/IZnXSolHKjSSQQleyBPW/Bort7ZrOprkqdDOEDNYkopc7SJBKIclaBhMCMG/wdyeeFhsGwmTrpUCl1liaRQGOMlURGnQuxQ/wdTVuO2VCUDY21/o5EKRUANIkEmuNbofyw1aEeiBxzoaXJWghSKRX0NIkEmpxVEDoAJl3q70g8c8yxfmu/iFIKTSKBpbkJcl+B8csgMs7f0XgWkwIJ6dovopQCNIkElkPvQU0JZAZoU5aLY47OXFdKATaTiIgMF5GXRaRCRCpF5FURGWGz7i9FZJ2IlIqIEZGb2il32Pm4+88XPZS9VUTyRaReRPaIyLfsxBLwcl6GAXEw9kJ/R9Ixx1yoOgEVx/0diVLKz7wmERGJBrKAicBK4AZgHLBBROxsr3cnEAW8aaPsWmCB2897bvHcCjwBvAJcDKwCHheR22ycP3A11sLuN2DyZRAe6e9oOnZ2MUZt0lIq2IXZKHMrMBqYYIzZDyAi2cA+4JvAo17qxxljWkRkLHCjl7KnjDGb23tQRMKAXwDPGWPucx7eICJDgQdF5C/GmEbvLykA7X0bGqoCd1RWa4OnQlik1aQ15T/8HY1Syo/sNGddDmx2JRAAY8whYBNwhbfKxpiWrofXxgIgBXje7fhzQBKwyIfP1btyXoaYIZDeB15CWAQMnaGd60opW0lkCpDr4XgeMNm34XCZiJxx9nVs9tAfMsX52z2ePOdvX8fTO2rLYd86a+/0QFit1w7HbGuuSFO9vyNRSvmRnSSSCJR7OF4GJPgwljew+k+WAV8F6oB/isj1brHgIZ4yt8c/R0S+ISJbRGRLSUmJD0P2kV2vQ3MDZF7j70jsc8yF5nooyvF3JEopP7I7xNfTBhLiy0CMMXcaY/5mjPnAGPMysBTYAvzKw3N2akMLY8yTxpjZxpjZKSkpPorYh3JWWRs+pU33dyT26aRDpRT2kkg5nr/hJ+D5DsUnjDHNWCOvHCLiWsq2vTuORLfH+47KE3B4I2RcA+LTvNyzBqVB3HDtF1EqyNlJInl81hfR2mRgl2/DacP9zsPV9+Eej6svpKfj8b3cVwBjJZG+xjFbJx0qFeTsJJHXgfkiMtp1QETSgYXOx3qEczjvNcBRY0yR8/BHwCmsPpPWrse6C9nUU/H0mJxVMHQmJI3xdySd55gLFUehqsh7WaVUv2RnnshTwLeB10Tkx1h3BQ8Cx7Am/QEgIiOBA8ADxpgHWh0/D2tYrmtd89kiUg3g7PtARL6CNVx4tfO8g4E7gFnAV1znMsY0ishPsCYXHgfeAZYANwN3GmMaOvsG+FXJXmuE07JfeS8biFr3i0y6zL+xKKX8wmsSMcbUiMgS4LdY8zEEWA/cbYypblVUgFDa3t3cD5zX6u87nD+uOgCHgFTgEaz+jTPAp8DFxpi1bvH8WUQMcA/wfeAo8G1jzOPeXkvAcW0+NfVKf0fSNWmZEBqhSUSpIGbnTgRjzFHgKi9lDuNhxJYx5nwb59+MdUdhizHmCVrdBfVJgb75lB1hAyBtGhzTEVpKBStdxddfjm+D8kN9s0O9NcccOLEdmvvmajNKqe7RJOIvOf9wbj7Vx5uBHHOgqRZOelrUQCnV32kS8YfmJsh9NbA3n7LrbOe6DvVVKhhpEvGHw+9DTXHfb8oCiHNAbJpOOlQqSGkS8YfsVdbmU+Mu8nck3SfinHSonetKBSNNIr2tL20+ZZdjrjVIoOaUvyNRSvUyTSK9be9a5+ZT/aApy0UXY1QqaGkS6W05qyBmMKQv9nckvjN0OoSEaRJRKghpEulNfXHzKTvCo2BIhnauKxWENIn0pt1vWJtP9aemLBfHHGsCZUuzvyNRSvUiTSK9KfsfkDjG2p+8v3HMhcYaKO57q/ErpbpOk0hv6aubT9nlmG391n4RpYKKJpHekvsqfXbzKTsS0mFgii7GqFSQ0STSW3L+YTVjJY/1dyQ9Q8TqF9E7EaWCiiaR3uDafKq/3oW4OOZA6T440/e2uldKdY0mkd6Q+zIg1tDe/sw16fD4Vv/GoZTqNZpEelp/2HzKrqEzrJ0atUlLqaChSaSnHd8GZQf7f1MWwIAYGDxFJx0qFUQ0ifS0nFXW5lOTL/d3JL3DMcdqzmpp8XckSqleoEmkJ7U0Q+4rMP6ivr/5lF2OuVBfCaf2+DsSpVQv0CTSkw691382n7JLV/RVKqhoEulJOS/DgEEwbpm/I+k9SWMgKqHDfpFdJyr55JAOA1aqP9Ak0lMaa2HX6zDp8v6z+ZQdZycdtr/n+g9eyeaGpz9m78mqXgxMKdUTNIn0lLObT13t70h6n2MulORDXUWbh05W1pFzvIL6pha+8+J26hp11V+l+jJbSUREhovIyyJSISKVIvKqiIywWfeXIrJOREpFxIjITR7KjBeR34lItohUi0ihiLwuItM8lH3XeR73n7vtxNNrXJtPjTrX35H0PsdswHicdLghvxiAey+eQH5RFY+s1Q54pfoyr0lERKKBLGAisBK4ARgHbBCRgTae404gCnizgzIXARcAzwKXAbcDKcDHIjLLQ/lsYIHbz0s2Yukdtaf75+ZTdg2bBYjHJq2s/GKGxkVy23ljWLlgJE9vPMT7e0t6P0allE+E2ShzKzAamGCM2Q8gItnAPuCbwKNe6scZY1pEZCxwYztlXgL+aIwxrgMikgUcBu7yUK/KGLPZRuz+sft15+ZTQdiUBRA5CFIntelcr29qZuP+U1w5cxgiwg9XTOKjg6Xcs2onb9+1mKSYAX4KWCnVVXaasy4HNrsSCIAx5hCwCbjCW2VjjNdZZ8aYU60TiPNYBbAXGGYjxsCSswoSR8PQmf6OxH8cs61hvq3+t358sIwzDc0smZgKQGR4KL/78gwqahv5wSvZuF0CSqk+wE4SmQLkejieB0z2bTifEZFEYCqw28PDM5z9M43OfpRbeiqOTqsshEMfQMaX+ufmU3Y55kLdaSg9+92DrPxiIsNDOGdM8tljk9IG8V8XT+Sd3cU8//FRPwSqlOoOO0kkESj3cLwMSPBtOJ/ze0CA/3U7/j5wN9Yd0tVYzWp/EZEft3ciEfmGiGwRkS0lJT3c/p77CtbmU0HalOXiNunQGMP6/JOcMyaZyPDP9xN9bWE6541P4aE3d7FPh/0q1afYHeLrqZ2hx75mi8gPgeuAb7duRgMwxvzUGPOUMeY9Y8xrxpirgH8B94lIjKfzGWOeNMbMNsbMTklJ6amwLTmrIG06JI/r2ecJdMnjYUDc2X6RAyXVHCurPduU1ZqI8Mg1mcQMCOM7L+2gvkmH/SrVV9hJIuVYdyPuEvB8h9ItIvIt4JfAj40x/2ez2otAJJDh63g65dQ+KNwBmV/yaxgBISQEHLPOjtBav9sa2uspiQCkxkby31dnsruwkkfe1mG/SvUVdpJIHla/iLvJwC5fBiMiNwCPA/9jjPlFZ6o6f/u3ZzbHufnUlCv9GkbAcMyF4jyoryYrv5iJQ2IZGh/VbvGlkwZz44KR/EWH/SrVZ9hJIq8D80VktOuAiKQDC52P+YSI/AfwV+AvxpjvdbL6dUAtkOOreDrNGGsf9VGLYVCa38IIKI45YFqoPvgJW46Us3SS57uQ1n60YhLjUmO4Z9VOSqvreyFIpVR32EkiT2HN13hNRK4QkcuB14BjwBOuQiIyUkSaROSnrSuLyHkicjVwsfPQbBG52nnMVeZcrCapbOAZEZnf6mdGq3KLReQtEblFRJaKyJUi8hpWJ/v9xpiarrwJPnHCtfmUNmWd5bDmiR7NeZ/mFtNuU1ZrkeGhPPaVGVScaeQHr+TosF+lApzXyYbGmBoRWQL8FngOq+loPXC3Maa6VVEBQmmbmO4Hzmv19x3OH1cdgCXAAGAG1vyT1o4A6c7/LnSe/wEgGWjESjzXGWNe9PZaelTOyxAaAZMu82sYASUqAZLH03L0YxKiz2H6cHuD+SalDeIHyyfy4Ju7eOHjo1w/f2QPB6qU6io7M9YxxhwFrvJS5jAeRmwZY863cf6fAz+3UW4/sNxbuV7n2nxq3EUQFe/vaAJKy7DZDN35JhdMTCE0xP6Avq+dk857e0t46K1dzB+dyNjU2B6MUinVVbqKry8ceh+qT+qoLA+ODZxCIpVcMrxz/RshIcJvrs4kOiKMO1/UYb9KBSpNIr5wdvOpi/wdScDJqrKaohYMONjpuqmDInnEOez3N7rar1IBSZNIdzXWWQsuTroMwtsfvhqsVh2NoVaiiD65rUv1l04azA3zR/LUB4f4YJ8O+1Uq0GgS6a59a6G+Upc58eD46Vp2nTxDWfzUbu25/qMVkxibGsM9/9hJWU2DDyNUSnWXJpHuylkFA1Nh1HneywaZLOcGVFGjF8DJXGg406XzREWE8tiXZ3D6TCP3vqyr/SoVSDSJdEftaWsb3GDdfMqLDfnFjEiMJmH8OdDSZC0J00WThw7i3osn8M7uk/y/T3S1X6UChSaR7tj9hnPzqWv8HUnAqW1oZtP+UyyZmIo45loHu9GkBXDzwlEsHpfMg2/uYn+xrvarVCDQJNIdrs2nhgXx5lPt+OjgKeqbWqxZ6gOTrPfJbafDzgoJEf7nmmlER4TxHR32q/owYwzPfniY7Ud9voZtr9Mk0lWVhdb8kIxrgnvzqXas311MdEQo80Y7F4B2zGmz02FXpA6K5OGrMtlVWMn/rNvrg0iV6n17T1bzs9fz+NITH/HCx0f8HU63aBLpqrxXsTaf0qYsd8YYsvKLWTwumQFhzr4ixxxrQmbFsW6f/8LJg7l+/giefP8gG/ed6vb5lD1nGpp4ZWsBJVW6MGZ3vZVTiAjMHZXIff/M5YevZvfZO2tNIl2lm0+1K7+oisKKus8vuOi202F33bdiMmNTY/juP3bosN8eVlPfxJ/fO8Dihzdwz6qd/PYdvQPsrjU5hcxNT+RvN8/jjgvG8OInx/jKk5s5WVnn79A6TZNIV5zaDye2611IO1xDey+Y0CqJDJ4KYVFwzDdJJCoilN99eTqnzzTyg1d02G9PqKlv4k/vHmDxf2/g12vymTx0EHPTE1mbW0RTc4u/w+uz9p2sYl9xNSsy0ggNEb6/bCKPf3Um+UVVXPb7jWw90rf6STSJdEXOKkBgqm4+5UlWfjEZw+JIHRT52cHQMGsAgo/uRACmDI3j3osn8O9dJ3nxk+43kylLdX0Tj7+7n0UPZ/Hw2/lMHRbHK7edw3O3zOOmhemU1jTwyeEyf4fZZ63JLQLg4qlDzh5bkZHGP29fSFREKF9+8iNe6kPD2DWJdJYxVhIZtRgGDfV3NAGnrKaBbUfLPe8d4pgDRdnQ5Ls2ddew3wfezGN/cbX3Cqpd1fVN/HHDfhY/nMV/v72HTEc8r95+Dn+7eS6zRlrL+F8wIZWo8FBW5xT6Odq+a3VOIbNHJjC49ZcsYMKQWF6/YxELxiTzX6/mcN8/c2hoCvw7Pk0inXViO5Qd0Kasdry7pxhj2tlL3THHmldTuNNnzxcSIvzmmmlEhYdy10vb+2znpD9V1TXyxw3Wnccja/cwbXg8/7z9HJ69eS4zR3x+D5ioiFAumJjC27knaW7RJsTOOlhSTX5RFcszPO9+Ghcdzl9vmsNt54/hhY+Pct1TmymuCux+Ek0inZWzyrn51OX+jiQgZeUXkxwzgIxhcW0f9HHnustg57DfvBM67Lczquoa+UPWPhb/9wYeWbuHGcPj+dcdC3nma3OZMaL9DcRWZKRxqrqeT7VJq9NcTVnLWzVluQsNEX5w8UT+cN0M8k5UctnvNwb0fBJNIp2hm091qLG5hff2lrBkYgohnjagih0M8SO6PenQk4umDOG6eTrs147KukZ+v34fix7ewG/W7WXWiAReu2Mhf/3aXKYPj/daf8nEVCLDQ7RJqwtW5xQyY0Q8Q+O9r/h9aeZQXr39HCLCQrj2ic3849PA7PeztbOhcjr8gTXXQZuyPNp6pJyquqaO91J3zIGjH/fI8//kksl8fLCUe1bt4O27ziVhYESPPI+72oZmsgtOs+3oabYdLedY2RkmpQ1i5oh4ZoxIYOKQWMJC/f99rbKukWc2HeYvHxyksq6JL0xK5TtLx5HpiO/UeaIjwrhgQiprcov42WVTOrVjZTA7UlpD3olK7lsxyXadSWmDeOPbi7jzxe3c+0o2Occr+Mmlk4kI8//15KJJpDOyV0FELIxf5u9IAlJWfjHhocKicSntF3LMte7mKk/4fGCCNex3Bv/x+CZ+8Eo2T9wwC/HxagLGGArKa9l2tJxtR8rZdvQ0uwsraXL2D6QnRTMyaSAb95/in9uPAxAdEUqmI46ZIxKYOSKBGSPiSYoZ4NO4OlJRayWPpze6ksdg7lo6jgyHhyZHm5ZnpLEmt4itR8qZOyrRh9H2X55GZdkRHx3BX2+awyNr9/DE+wfJL6rk8a/OIiW2966hjmgSsUs3n/Jq/e6TzBuVRMyADi6r1v0ik6/weQxTh8Vx77KJ/GL1bl769BhfmTuiW+era2wmu6Dic0njVLU1uiwqPJRpw+P4xrmj2ySH1slmu/MO5cn3D34u2cwckcCMkQnMHBHPhMG+v1upqG3kr5sO8fTGQ1TVNXHhZCt5TPXUX9VJSyemMiDMatLSJGLP6pxCpjniGJ4Y3em6YaEh/HDFJKYMi+Pel3dy2e838sQNs5hmo/mxp2kSsWvfOmvzqUxtyvLkSGkNB0pq+Oq8kR0XHJIBoQOsJq0JK3okllsWONi4p5BfvpHN3BGxjEmJsVXP9cG//Vg5O45VsP1o+efuMkYmRnP+2ASmj4hnxoh4JqR6+OBvbgRAgOFx4QzPSOWKDKt5r7ahmdwT1nm3Hz3Npr1FvL7dWjcpOiKUzGHWeWeMiGf68AQSu9gcV3Gmkb9+eJhnP3Imj0mDuWPJWKYOjftcjN0xMAyWjE9gXc4xfrp8nOc+MHXWsbIz7Coo5d5lE7r1/l8+NYUxSXO4/fltfOWJD3jg8ilcPWu4/ROEhPl8rT8Jtpm+s2fPNlu2bOl8xb9fb33wfXe3NXFOfc5fNx3i/jd28d73z2dk0sCOCz+9DI5t7p3AlFKfueNTSBnfpaoistUYM9v9uH4a2pX5ZRi3TBNIO7LyixmdMtB7AgFY/jDs/3ePx7SvuJp/bT/B3FEJnDsuhcq6Rk5U1HGivJbCilqKq+pxrd4RHx3O0PgohsZFMjQ+iuSYCL90GDc2G4oq6jhRUcuJ03UUVtRSU2/NfYkIFYbERzI0LupsrFERodQ2NrP1SDnbjpymvqmF8YNjWDA6idRBPdtmXt/Uwh83HGD68LiOB1MoXvj4KM0thhsXeLlT74TmFsMH+07x6eFyHAlRXD59KAMjvGyOF53ks+d30U9EuyZd6u8IAlZ1fRMfHyxj5Tk2/4EMnW799LBxQFlIDis/OUrqyQEUV33Wl5HpiGNm5mcd3cm92NHdkXBguPMHrCa2Y2XOjvyj5fz7aDm7D1Sdneg3OnkgxVX1VNc3sSJjCHcuGcektEG9EusAYHfBFv5RUMGHi5Zok1Y7Tpyu5b7VWXx/2QQ4d6zPzhsKnH8+VOw4zr0vZ/P7TyN44obZ3Row0RW2koiIDAd+C1yI1dz7DnC3McbrAi8i8ktgNjALSAS+Zox5xkO5EOAHwDeBIcAe4AFjzCseyt4K3AOMAg4DvzXG/NnOa1G+t3HfKRqaW7ggAL+N/uTSSZTXNBAZHsLMkVbSCJQht3aICCOSohmRFM0XZwwDrCXZcwoqzg4pnjY8nm+eN5qJQ3onebS2ImMI/951ku3Hypk1UjvYPbEzwbA7rpg+jDEpMXzzua1c9ecP+dV/ZHDVLEePPJcnXpOIiEQDWUA9sBIwwEPABhHJNMbUeDnFncAO4E3gxg7KPQh8D7gP2Ap8GVglIpcaY1a3iudW4AngV1jJbCnwuIiIMeZP3l6P8r0N+cXEDghjTnrgfYhER4Tx5xtm+TsMn4qOCGPe6CTmjfZ900RnLZ00mIjQEFbnFGkSaceanEImDolltM0BHl0xdVgcb9y5iDte2MY9q3aSe6KCH62YRHgvfFmy8wy3AqOBLxpj/mWMeQ24HBiJddfgTZwxZjFWkvBIRFKxEsivjTG/McZsMMZ8E9gA/LpVuTDgF8Bzxpj7nOV+DDwDPCgi4TbiUT7U0mLI2lPMuRNSeuWCVYFlUGQ4545PZk1OIS26llYbRRV1bDlSzop21srypcSBETx3y1xuXjiKv246zA1Pf0xpdc9vIGbnX/3lwGZjzH7XAWPMIWAT4HWgvzHGzjKUy4AI4Hm3488DGSIyyvn3AiDFQ7nngCRgkY3nUj6Ud6KSkqp6lkwIvKYs1TuWT03jREUdOwpO+zuUgLM2z2rKWpHRM01Z7sJCQ/jpZZN59EvT2H70NJf/YRO5xyt69DntJJEpQK6H43nAZB/FMQWruWy/2/E85+/JrcrhIR73cqqXrM8/iQicP6GDWeqqX/vC5MGEhwprdC2tNt7KKWT84BjGpsb26vNeOdPBy986B2MMV/3pQ/7lXD2hJ9hJIomApyUky4D2l/rsnETgtGk7aaWs1eOtf7vH417uc0TkGyKyRUS2lJSUdDtY9Zms/GKmD+/dZTxUYImLCmfxuBRW5xTpDpOtFFfV8enhMpZP7fmmLE8yHHG8fucipg+P5+6/7+DBN3f1yI6UdhuxPV0ZvhzPJzafw/V3p65UY8yTxpjZxpjZKSn6jdlXiqvqyC6oYGkAjspSvWv51CEcP13LzoKebTrpS9bmncQYeqU/pD3JMQN4/uvzuOmcdJ758DC7Cit9/hx2kkg5nr/hJ+D5DqUryoAEabtaXkKrx1v/do8n0e1x1Qvezbfu6pZMHOznSJS/XTR5iDZpuVmTU8jolIGMH9xzo7LsCA8N4eeXT2Ht3ed2esVmO+wkkTw+64tobTKwy0dx5GHNXRrj4Tlo9Tyuvg/3eNzLqV6QlV9MWlwkk9J6t71XBZ646HAWjk3mrZxCbdICSqvr2XywlBVT03y+knRXjU3tmWRmJ4m8DswXkdGuAyKSDix0PuYLbwMNwFfdjl8P5DpHgwF8BJxqp1wZ1ogx1Qvqm5r5YF8JF0xMDZh/JMq/VmSkUVBeS04PjwbqC9bmnaTFz01ZvcXOjPWngG8Dr4nIj7H6Ix4EjmFN+gNAREYCB7BmmT/Q6vh5WMNyXWPcZotINYAx5mXn72IR+S3wQxGpArYB1wJLaDWM2BjTKCI/wZpceBxrsuES4GbgTmNMQ+ffAtUVnx4qp6ahWYf2qrMumjyYH4UIq3OKeqTZpC9Zk1tIelJ0UNyle00ixpgaEVmCtezJc1id2+uxlj2pblVUsJZzcb+7uR84r9Xfdzh/XHVc7gOqgbv4bNmTLxlj3nCL588iYrCWPfk+cBT4tjHmcW+vRfnO+vyTDAgLYeHYZH+HogJEfHQE54xNZnVOIT+4eELQ3qGW1zTw4YFSvnHu6KB4D2ytneVcI+sqL2UO42HEljHmfJvP0Yy1nMpDNso+Qau7INW7jDFk5RdzzpgkorytGqqCyiUZQ/jBKznknaj0yeZXfdG/d52kucWwwk9De3ubrlOhOu3gqRqOlJ7R5b9VGxdOHkJoiLA6iEdpvZVTyPDEKKYO6/0FMf1Bk4jqtKzdxQABuWqv8q/EgRGcMyaJ1UE6SqviTCOb9p8KqFFZPU2TiOq0rPxiJgyOxZHQ+b2iVf+3IiONw6VnemRiW6D79+6TNLUYlgfBqCwXTSKqUypqG/n0cBlLJuldiPLsosmDg7ZJa01OIcPio5jWyxtD+ZMmEdUpH+wroanFaH+IaldSzADmj04MurW0Kusa+WDfKZZPHRI0TVmgSUR1UlZ+MfHR4cwYHu/vUFQAW5GRxqFTNeQXVfk7lF6zfvdJGppbgqopCzSJqE5objG8u6eE88en9JntZZV/LJsyhBAhqJq0VucUMWRQZNB9wdJPAmXbzoLTlNU06Kgs5VVyzADmjUoKmrW0quubeG9vCRdPHUJISPA0ZYEmEdUJWbuLCQ0Rzhuvy+kr71ZkpnGwpIa9J6u9F+7jsvKLaWhqCYq1stxpElG2rc8vZtaIBOKjI/wdiuoDLp4yBBFr8l1/tzq7kNTYAcwe6at9+voOTSLKlsKKWnYXVurQXmVbSuwA5qYn9vs9Rmrqm9iwpzgom7JAk4iyKSvfmqWuuxiqzrgkM419xdXsO9l/R2m9u6eE+qYWv22D62+aRJQtG/KLcSRE9djGNqp/CoYmrdW5hSTHRDB3lKcNYPs/TSLKq7rGZjbuP8VS3YBKdVLqoEjmjExkTU6Rv0PpEbUNzWzIL2bZFGvhyWCkSUR59dGBUuoaW3Ror+qSFRlD2HOyiv3F/W+U1nt7iznT0ByUo7JcNIkor7Lyi4kKD2X+6CR/h6L6INcM7v448XB1ThEJ0eHMC9KmLNAkorxwbUC1aFwykeG6AZXqvMGDIpk9MqHfJZG6xmbW7z7JsilDgnoFh+B95cqWvSerOX66VhdcVN2yIiON/KIqDpb0nyatD/adoqahOejWynKnSUR1aH3+SQAumKBJRHXd8owhQP9q0lqTU0hcVDjnjAnuZl5NIqpDG/KLmTJ0EEPiIv0diurD0uKimDkinrf6ySit+qZm/r3rJBdNHkx4EDdlgSYR1YHymga2HinXCYbKJ1ZkpLG7sJJDp2r8HUq3bdp/iqr6pqAeleWiSUS16729JbQYWDJpsL9DUf1AfxqltTqniNjIMBaOTfZ3KH6nSUS1Kyu/mOSYCDKHBc9Wn6rnDIuPYvrw+D6fRBqaWliXV8SFkwcTEaYfofoOKI+amlt4d08x509IDcpF5VTPuCQjjbwTlRwp7btNWh8eOEVlXRMrgnStLHe2koiIDBeRl0WkQkQqReRVERlhs26kiDwiIoUiUisiH4nIuW5lbhIR08HPkFZl322nzN2deuWqQ9uOnqayrkmH9iqf+myUVt/tYF+TU0TMgDAWjdOmLIAwbwVEJBrIAuqBlYABHgI2iEimMcbbV4qngUuA7wMHgTuAtSKywBizw1nmLWCB+1MDbwAHjTHuV1w28E23Y4e9vRZl3/r8k4SFCIv1H4ryIUdCNNOcTVq3nT/G3+F0WmNzC2t3FbF0UqpOvnXymkSAW4HRwARjzH4AEckG9mF9kD/aXkURmQZcB9xsjPmr89h7QB7wAHA5gDGmBChxq7sYSAJ+5uHUVcaYzTZiV12UtbuYeaMTiY0M93coqp9ZMXUIv1qTz7GyMwxPjPZ3OJ3y8cEyTp9pDNpl3z2x05x1ObDZlUAAjDGHgE3AFTbqNgJ/b1W3CXgJWCYiAzqouxJocJZVvehY2Rn2FVfrBEPVI1b04VFaq3MLiY4I5fwJukW0i50kMgXI9XA8D5hso+4hY8wZD3UjgLGeKolIFHAN8KYxptRDkRnO/plGEckWkVu8xKE64ewGVDq0V/WA4YnRZDri+lwSaWpuYW1uEUsmalNWa3aSSCJQ7uF4GeBtQ+GO6roe9+SLwCDgWQ+PvQ/cjXWXczVWs9pfROTHXmJRNmXlFzMqeSCjkgf6OxTVTy2fmsbOggoKyt2/XwauTw6XUVrToBMM3dgd4ms8HLMz7lO6WHclVh/J6jaBGPNTY8xTxpj3jDGvGWOuAv4F3CciHrfdE5FviMgWEdlSUlLiqYhyqqlv4qMDpToqS/WoS5wfxH1ps6o1OUVEhodoU5YbO0mkHM93DAl4vstorayDuq7HP0dE0oAvAC84+0/seBGIBDI8PWiMedIYM9sYMzslRS+Ajmzaf4qG5hZd6kT1qBFJ0UwdNqjPbJvb3GJ4O89qyoqOsDMeKXjYSSJ5WH0b7iYDu2zUHeUcJuxetwHY37YK1wOheG7Kao/rzsbTXY/qhA17iokZEMbs9ODdZEf1juVT09hx7DTHT9f6OxSvthwuo6SqXkdleWAnibwOzBeR0a4DIpIOLHQ+5q1uOFYnuatuGHAtsM4YU++hzo1Adqs5JHZcB9QCOZ2oo9y4NqA6d3yyLuegetxnTVqBfzeyJreIAWEhukW0B3Y+KZ7Cmsj3mohcISKXA68Bx4AnXIVEZKSINInIT13HnIng78D/isjXRWQp1pDdUXiY/yEiM4GptHMXIiKLReQtEblFRJaKyJUi8hpWJ/v9NiY+qg7knajkZGW9Du1VvSI9eSCT0wYF/CitlhbDmtxCzhufQswAbcpy5zWJOD+YlwB7geeAF4BDwBJjTOttygSrGcr9nF8D/oo1y/0tYDhwsTFmm4enWwk0OZ/Dk0Ln+R/A6nT/G5ACXGeMedjba1Edy8ovRgTO1ySiesmKjCFsO3qaEwHcpLX9WDknK+u5JFObsjyxlVaNMUeBq7yUOYyHUVfGmFrgu84fb89zF3BXB4/vB5Z7O4/qmvX5xWQ64kmJ7WgOqFK+syIjjd+s28vbuUXcvGiUv8PxaHVOERGhITpisR3a8K0AKKmqJ7vgtI7KUr1qdEoME4fEBmyTVkuLYU1OIeeOT9YlgNqhSUQB8O6eYoxBv22pXndJRhpbjpRTVFHn71Da2FlwmhMVdToqqwOaRBRgDe0dPGgAU4YO8ncoKsi4djx8Ozfw7kbW5BYRHip8YbIuAdQeTSKKhqYW3t97iiUTUxHRDahU7xqbGsOEwbEBt8eIMYbVOYUsGptMXJQ2ZbVHk0iQamxuIe9EBS9+cpR7Vu2kur5Jh/Yqv1mRkcanR8oorgycJq3c45UUlNeevVNSnumg5yDQ0mI4XFrDzoLT7DxWQXbBafJOVFLf1ALAoMgwLps2lHPH65Iwyj9WZAzht+/s5e28Im5ckO7vcAB4K6eQsBDhIm3K6pAmkX7GGENhRR3ZBafZWWAljOyCCqrqrGXIIsNDmDo0jq/OG8m04XFkOuJJT4rWZizlV+MGxzIuNYa3sgsDIokYY00wXDAmifjoCH+HE9A0ifRxZTUN7Cw4TbbzDmNnQQWnqq3VZMJChIlpsVw2bSjTHFbCGJcaQ1iotmKqwLMiI43HsvZRXFVHamykX2PZVVjJkdIz3HZe39vCt7dpEulDquubyGl1d7Gz4DQF5dZMXxEYkxLDueOTmeaIJ9MRx6S0Qbp5juozVmSk8bv1+1ibd5Ib5o/0ayxrcooIDREumjLEr3H0BZpEAlRdYzO7CyvPJovsggoOlFRjnOsUOxKimOaI54b5I8l0xDN12CCdDKX6tPGDYxiTMpDV2YV+TSKuUVnzRyeSOFCbsrzRJBIgWloMu4sq+WDfKT7YV8Knh8tpcHZ8J8cMYJojjssyh5I5PI7MYXEkxejSJKp/EREuyUjjDxv2c6q6nmQ/XeN7TlZx8FRNwC7DEmg0ifjRycq6s0lj475TlNY0ADBhcCw3zB/JnPQEMh3xpMVFase3CgrLM9J4LGs/a/OK+Oo8/9yNrM4pIkRgmTZl2aJJpBedaWji40NlbHQmjr0nrUWQk2MiWDwumcXjUlg0LpnBg/zbqaiUv0wcEsvo5IGszin0WxJZk1PI3FGJuhCpTZpEelBLi2FXYSXvO+80thwup6G5hYiwEOaNSuSqmQ4Wj0th4pBYQkL0TkMpEWFFRhqPv7uf0ur6Xm+23Xeyin3F1dywwNNmrsoTTSI+VlhR62yiOsWm/acoczZRTRwSy00L01k0Npm5oxJ11JRS7VieMYQ/bNjP2ryTXDdvRK8+9+qcIkSbsjpFk0g31dQ38fGh0rOJY3+x1USVEjuA88ensHh8MgvHJvt93LtSfcXktEGkJ0WzJrew15PImtxCZo9M0CblTtAk0knNLYa8ExVnO8S3HimnsdkwICyEeaOT+PKc4Swal8yEwbHaGa5UF7iatJ54/yBlNQ29Nsz2QEk1+UVV/Oyyyb3yfP2FJhGbXt95grV5RXy4/xTlZxoB6xvTzYtGce64FGaNTNAmKqV8xOoXOcC6vCK+PNc3dyPGGGoamqmsbaSqronKukaq6hqprG2iqq6RTftLAbh4qjZldYYmEZvezi1k65Fylk4azOJxVhOVv8axK9XfTRk6iBGJ0azO/SyJ1Dc1U1XXZCWAdhJBpfOY6+/Pylh/t5iOn3fpxFTS4qJ64RX2H5pEbHr4qkxiBoRpE5VSvcDVpPXk+weY/dA7VNU1nl11uv06EDsgjNjIcAZFhRMbGcbQ+CgmRsae/XtQpPXbKuP87fw7NjJMWxO6QJOITbqkiFK964YFIymuqmNAWKjzgz7MLRl8PhEMjAjTofJ+oElEKRWQhsVH8eiXpvs7DOWFrgmulFKqyzSJKKWU6jJNIkoppbpMk4hSSqku0ySilFKqyzSJKKWU6jJNIkoppbpMk4hSSqkuE2O8LCbTz4hICXCki9WTgVM+DKc/0PekLX1PPNP3pa2+9J6MNMakuB8MuiTSHSKyxRgz299xBBJ9T9rS98QzfV/a6g/viTZnKaWU6jJNIkoppbpMk0jnPOnvAAKQvidt6Xvimb4vbfX590T7RJRSSnWZ3okopZTqMk0iSimluizok4iIDBeRl0WkQkQqReRVERlhs26kiDwiIoUiUisiH4nIuT0dc08TkatF5BUROeJ8XXtE5FciEmujrmnnZ3ovhN5jROT8dl7XaRt1++t18m4H/7/f9lK3X1wnIuIQkd87/5+ecb6GdA/lEkTkLyJySkRqROQdEcmw+RwhIvJDETksInUislNErvL5i+mioN7ZUESigSygHlgJGOAhYIOIZBpjaryc4mngEuD7wEHgDmCtiCwwxuzoscB73veAo8CPgAJgBvBz4AIROccY0/Fm1/AM8ITbsb0+jtFfvgN82urvJht1+ut1cjswyO3YAuBR4HUb9Z+h718nY4EvAVuBD4CL3AuIiGC9H6OAO4Fy4IdYnzPTjTEFXp7jQax/k/c5n+fLwCoRudQYs9pXL6TLjDFB+wPcBTQDY1sdG4X1wfBdL3WnYSWdr7U6FgbsAV7392vr5vuS4uHYjc7Xu8RLXQM85O/X0APvyfnO1/aFTtbrt9dJO6/3aawvZYnBcJ0AIa3+++vO15XuVuYK5/ELWh2LA8qAx7ycP9X5ft7vdnw9kO3v12+MCfrmrMuBzcaY/a4DxphDwCas//He6jYCf29Vtwl4CVgmIgN8H27vMMaUeDjs+vY9rDdj6Qf67XXiTkSigGuAN4wxZf6OpzcY73flYF0DJ4wxG1rVqwDewPvnzDIgAnje7fjzQIaIjOpEuD0i2JPIFCDXw/E8YLKNuoeMMWc81I3Aus3tT85z/t5to+xtIlLvbCPOEpHFPRlYL3tBRJpFpFRE/p+N/rNguk6uBGKBZ22W78/XSWsdfc6MEJEYL3Xrgf1ux/Ocv719TvW4YE8iiVjtk+7KgIRu1HU93i+IyDDgAeAdY8wWL8Wfx2or/wLwDSAJyBKR83syxl5QAfwPVpPFEqx26i8AH4lIagf1guY6wWryLAbW2CjbX68TT7xdAx191iQCp42zDctDXb9fP0Hdse7kabal2Kgn3ajbZzi/Jb2G1U/0NW/ljTE3tPrzAxF5Detb2EPAoh4JshcYY7YD21sdek9E3gc+weps/3E7VYPlOhmKlRB+52yu61B/vU7a0Z1rIOCvn2C/EynHcyZPwPM3h9bKOqjrerxPE5FIrFElo4FlxvsokjaMMVXAW8AcH4fnd8aYbVijiTp6bf3+OnG6HuvzxG5T1uf05+sE79dAR581ZUCCc4SXp7p+v36CPYnkYbU5upsM7LJRd5RzmLB73QbatmH2KSISDrwCzAVWGGNyunM6PH+b6g+8vbZ+fZ20ciOw0xizsxvn6K/XSUefM0eNMdVe6g4AxnioC94/p3pcsCeR14H5IjLadcA5UWgh3se5vw6EY41GcdUNA64F1hlj6n0ebS8RkRDgBWApcIUxZnM3zjUIa47Exz4KL2CIyGxgPB2/tn57nbg434cpdPEuxHmOfnudYF0Dw0TENTjF9Xovw/vnzNtYXza+6nb8eiDXOZrUv/w9xtifP8BArG+COVhD7S4HdmJNCItpVW4kVp/AT93qv4R1K/p1rA/cl4E6YKa/X1s335c/8dnEy/luP4723hOsCVFPAddhzatY6XxvG4DF/n5d3XxPXnC+H1didazfg7Uj3VEgORivk1av7zGsYcyDPTzW768T4Grnj+vfzW3Ov89zPh4CfAgcw5oouAx4F6sparjbuZqAp92O/dp5vXzX+X79CWgBLvP3azfGBHcScf4PGoHVbFMJVAH/ou1koXTnxfFzt+NRWLNzi5z/kz8Gzvf3a/LBe3LY+Xo9/fy8vfcE65vVJueHayNQivVNa66/X5MP3pMfAtlYo7QanR8ITwJpwXqdOF9bOFCCNTfE0+P9/jrp4N/Ku63KJAL/50wcZ7AmC05r51zPuB0LxRq4cQRruG82cLW/X7frR5eCV0op1WXB3ieilFKqGzSJKKWU6jJNIkoppbpMk4hSSqku0ySilFKqyzSJKKWU6jJNIkoppbpMk4hSSqku+/9fcOh6sBErBgAAAABJRU5ErkJggg==", - "text/plain": [ - "
" - ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" - } - ], - "source": [ - "index = 2\n", - "plt.plot(R_hat[index,:], label = 'R pred')\n", - "plt.plot(RR[index,:], label = 'R True')\n", - "plt.legend()" - ] - }, - { - "cell_type": "code", - "execution_count": 21, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": 21, - "metadata": {}, - "output_type": "execute_result" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAY4AAAD9CAYAAACrxZCnAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuMCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy86wFpkAAAACXBIWXMAAAsTAAALEwEAmpwYAAA130lEQVR4nO3dd5gb1bn48e9RW23v7mVtXHA39toUU4whtIBNMRiHBAglEBJuAskN4V5+CSQQuDeQwCWEEhJKIEDovdoYjAGDjRvGBWPc23qb7S1qc35/jFar7dq1pBnJ7+d59Kw0c6R5V6PRq1PmjNJaI4QQQsTKYXUAQgghUoskDiGEEN0iiUMIIUS3SOIQQgjRLZI4hBBCdIvL6gCalJSU6LKyMqvDEEKIlLJ06dK9WuvSZG7TNomjrKyMJUuWWB2GEEKkFKXU5mRvU5qqhBBCdIskDiGEEN0iiUMIIUS32KaPQwiRngKBANu2baOxsdHqUFKa1+tlwIABuN1uq0ORxCGESKxt27aRm5tLWVkZSimrw0lJWmsqKyvZtm0bQ4YMsTocaaoSQiRWY2MjxcXFkjQOglKK4uJi29TaJHEIIRJOksbBs9N7KE1VQsTBC19sIxAyOHpoCdPvfJ9Tx/ThzS93AfDA9ydx8qjeuJzyO02kB0kcQvTQ+t37+cMba1iwrqLNuqakAXD1E1+0WX/X+RM4Y1xfMj3OhMYoYPr06dx4442ceuqpkWV3330369ev569//WuXz/f5fFx88cUsXbqU4uJinnnmGdqb5cLpdDJu3DiCwSCjRo3iscceIysrq0cxX3rppZx55pnMnj27R89PNPkJJEQ3ld/6LmW/fp1T/vxhu0mjyQ+nlXHpMWXMnNCvzbpfPLuCUb95i4cXbkxkqAKYO3cuTz/9dItlTz/9NHPnzo3p+X//+98pLCxkw4YNXHfdddxwww3tlsvMzGT58uV8+eWXeDweHnjggRbrQ6FQz/4BG5IahxAxavCHGPWbt1osO2tCP7I9Tm48fRT5WR0Pk/y/uUcAUHnAxxOfbuHP760H4NbX19DgD3HtScMTF/ghbvbs2dx00034fD4yMjLYtGkTO3bs4Nhjj42UMQyDoUOHsnz5cgoKCgAYNmwYixYt4uWXX+bmm2+OvNZPf/pTtNad9jkcd9xxrFy5kgULFnDLLbfQt29fli9fzqpVq/j1r3/NggUL8Pl8/OQnP+Gqq65Ca821117L/PnzGTJkCHa/MqskDiFisGDdHi595PPI49euPZax/fPNB1rDc5dBzWYYPA0+/r/mJ+b2A5cHJsyFkadT3Gc8Pzt5OD87eTiz7/+YJZuruevd9RzeN4/vjO6d5P8q+W55dTVf7dgX19cc3S+P3541psP1xcXFTJ06lbfeeotZs2bx9NNPM2fOnBZf/A6Hg1mzZvHiiy/ywx/+kMWLF1NWVkbv3r3Zvn07AwcOBMDlcpGfn09lZSUlJSXtbi8YDPLmm29y2mmnAfDZZ5/x5ZdfMmTIEB566CHy8/P5/PPP8fl8TJs2jVNOOYVly5axbt06Vq1axe7duxk9ejSXXXZZHN+l+JKmKiG68OqKHS2Sxlc3n8zYitfh5nzzdksBrH4Bti9tmTQA9u+A6k2w4HZ48HizbPh5zxXexx/PGwfAlY8vYcG6PUn7nw410c1VHTVTzZkzh2eeeSZSZs6cOQDt/vpvr7bR0NDAxIkTKS8vZ9CgQVx++eUATJ06NXLuxTvvvMPjjz/OxIkTOfLII6msrOTrr7/mww8/ZO7cuTidTvr168eMGTPi848niNQ4hOjEh+sruPapZQBMKSvk2XML4Y5ebQt686Gx1rx/+btgBKHvBHBnwaaP4JVrofrbls9Z+xrnr32NTVNf477P9nHpI5+z5nenpXWHeWc1g0Q6++yzuf766/niiy9oaGhg0qRJLF68mKuuugqA3/3ud5x11lls2LCBiooKXnrpJW666SYABgwYwNatWxkwYADBYJDa2lqKiorabKOpj6O17OzsyH2tNffee2+LjnqAN954w1bDbbsiiUOIDtw772vuetfsixhV7ODZXadD9CCcKVfA6X8ERxcV9yHHwc+Wt1y292v4SzkA/7nyTF5Rf2ar7s2o37zFpzeeRJ98b/z+EUFOTg7Tp0/nsssui9Q2jjzyyDZf9Oeccw7XX389o0aNori4GICZM2fy2GOPcfTRR/Pcc88xY8aMHn/Jn3rqqdx///3MmDEDt9vN+vXr6d+/P8cffzwPPvggF198MXv27OH999/ne9/73kH9z4kkiUOIdsy6bxErttYAcGnpOm7ef0vzyu89CyNOObgNlAyHm2th/m3w4f+yMOM6Zvp+z0p9GEfdPo9nrz6aKWVtf9WKnps7dy7nnntumxFW0ebMmcOUKVN49NFHI8suv/xyfvCDHzBs2DCKioo6fX5XrrjiCjZt2sSkSZPQWlNaWspLL73EOeecw/z58xk3bhwjRozghBNO6PE2kkHZpfe+vLxcy4WchB3c8NxKnlmyFYBH+r/KiZVPNa/8TXXXNYzu+tccWG+O1jrb9zuW62EALL3pZIpzMuK7LQusWbOGUaNGWR1GWmjvvVRKLdValyczDukcFyJKMGTwzJKtODDY5P1ec9I4/EyzhhDvpAHwvWcid1/K+A2bvGYTxeRb34v/toSIA0kcQkT57Sur6UU1G73fb1549v1w4ZOJ3fB/727xsCl5XPPk0sRuV4gekMQhRNi3e+t4cvEWPvP+pHnhz1bCxCR0Uroy4Khr4Lt/iix63XMjb6zaxfy1uzt5ohDJJ4lDiLB7533NRZ4FzQturoXCwcnZuFJw2u0w5XK4YRMAYxybud71by57dAn+oJGcOISIgSQOIYBvKg5QseItbnM8ZC64fo11wWQWwnl/B+A/XC9xruNDHvrwG+viEaIVSRzikKe15rcvr+Ya96vmgh9/DHltJyZMqnGzI8njT54HePCd5RzwBa2NSYgwSRzikPfwwm8p3PgKR6svYdrPobc1Zze3MW42nHwzAA+6/8QPH/nM2nhS1PTp03n77bdbLLv77ru55pprYnq+z+djzpw5DBs2jCOPPJJNmza1WF9ZWcnEiROZOHEiffr0oX///pHHfr8/Xv+GrUjiEIc0f9Dg+Tff5l7PX9DKCSf8yuqQWjr2Oug9jmOcX+Hd8gG799nj0qGpJNHTqhcXF7N8+XKWL1/O1VdfzXXXXRd57PF4AHPiw3QiiUMc0u58Zx1vZfwaAHXmn8GT3cUzLHDJKwD803MH1z/1eReFW6qT5i1mz57Na6+9hs/nA+hwWvWysjJqamoiy4YNG8bu3bt5+eWXueSSSyKvNW/evJimPb/00ku5/vrrOfHEE7nhhhu4+eabufPOOyPrx44dG6m9PPHEE0ydOpWJEydy1VVX2f7aHTLliDhk+YMGCxe+D00nZ0++xNJ4OpRVBPmDoHYLF2z7A2ffdxMv/WRal09bta2Wi/7yNv9z0XGcPq5vEgKNwZu/hl2r4vuafcbB6Xd0uDrZ06pHW79+Pe+99x5OpzNyTY/W1qxZwzPPPMOiRYtwu91cc801PPnkk1x88cXdex+SSGoc4pD1/NKtvJlxo/ngV992Xthq160iWDCUWc6P+ceeC7jz7XVdPmXb6o9Y6b2S157q+vKo6S4Z06q35/zzz8fp7Hy243nz5rF06VKmTJnCxIkTmTdvHhs32vvKkFLjEIckf9Bg4csPM9cDeuh0VJb9JxR0XfIi3DOBInWAiz4+jbrpX5Od0fEhXFT7FQD3ef4P+H2SouxCJzWDRErGtOrtiZ5S3eVyYRjN5+M0Npr9VVprLrnkEm6//fZ4/bsJF1ONQyk1QCl1r1LqE6VUvVJKK6XKWpUpCy9v71aQiOCF6KlnPlzB79yPUps1CHXR81aHE5vCMviFOc17X1XF/I8WdfGE5i+pel96ju6JVWfTqi9fvpyZM2eilOp0WnXgoKZVLysr44svvgDgiy++4NtvzVruSSedxHPPPceePeaFvKqqqti8efNB/8+JFGtT1TDgAqAaWNhF2duBo1vd9vc0QCHirTEQImfR7RRwgLyL/wXOFKp45/ZGn/swAP5P/xZZ3BgIUVXXMjmoqF+36zdsSE58NjZ37lxWrFjBhRde2GGZOXPm8MQTT0SaqcCcVr2yspJhw4bxpz/9iTvu6Fmt6bzzzqOqqoqJEydy//33M2LECABGjx7NrbfeyimnnML48eP5zne+w86dO3u0jaTRWnd5AxxR968ANFDWqkxZePkVsbxm69vkyZO1EMlwz+P/1vq3eXrHk9dYHUqPrbtvjta/zdN/+ccjWmutH/rjr/THNx3Voszip27T+rd5Wv82T3/wj5ssiNL01VdfWbbtdNPeewks0T34zj2YW0w1Dq21TJQj0kIwZHDU138EoO+sW7oobV99zjDPJfjJ5p/x2fyXuPLAAxzt/KpVqeZOXVe9XM9cxE8iRlXdrpQKKqVqlVKvKKXGJWAbQvTIa88/zlTHOtZMuBGyux5OaVd5ZUew4/AfAjD1w/aHEauo0UBF1cuTEZY4RMQzcfiAB4GrgBOBXwLjgI+VUu1e/ksp9SOl1BKl1JKKioo4hiJEW7U1lZz91c8AGHHajy2O5uD1u/DuNss2L3s36lFz4mjIsDZJaptcaTSV2ek9jFvi0Frv1FpfrbV+QWu9UGv9N+B4zE/vf3fwnIe01uVa6/LS0tJ4hSJEu778t9k09eGY3+PMzLc4mvjY94utLR7vff/B5gdRnePZ/r3JCqkNr9dLZWWlrb74Uo3WmsrKSrxer9WhAAk+j0NrvVUp9REwJZHbEaIrwfpapu0wh1QeP/tai6OJn7zcPNYb/Rnh2A6AMppHVtU2+CL3RwTWJj22JgMGDGDbtm1Iq8LB8Xq9DBgwwOowgOScAKiIrjMLYYHVj17LBOC98oc4uQdj8O0scPUn8NAgACYd+CCyvHHrCvPos5jb7WbIkCFWhyHiKKGJQyk1CJgGvJjI7QjRKX8dQ3a/y0JjLCeecYHV0cTdmH4tm9105UZCO1dxpvrIoohEuos5cSilZofvTg7/PV0pVQFUaK0/UErdhdln8glQAYwEbsQ8ffUP8QtZiO7Zs+if9FL1bBj9U45z2OAneILteP0O+m98xuowRBrrTo3j2VaPm2ZO+wCYDqwGfgxcCuQCe4H5wC1a665nZBMiEUJBen1wA9t0CWd+9xyro0mKDpNGKABOd3KDEWkp5sShte70p5rW+h/APw46IiHi6MCSp8gBFvf5Pufl2WNESiIFtBO36uBaDr8vgZtrkxuQSEspNEmPEN1kGDS+fydbjYEMP/PnVkeTFB0mDSHiSK7HIdJWYMW/KWncxLOZFzB+YKHV4QiRNiRxiPS0bwful69in85k7Ck2vbJfAhidtygLEReSOERaCq0wO4j/ELyIsyYOtDia5PnAGG91COIQIIlDpKXKVe+ywehH/rFX4HYeOh/zq4PXc6rvDip0ntWhiDR26BxR4tCxfxe99ixinnEEvzr1cKujSap7LjqK+sKRKDucMi7SliQOkX7e/Q0Au/qejPMQOOEv2mlj+7DwVzOgo2lVAo3JDUikJUkcIr0c2ENo7Zt8HBpN8ajjrI7GfhqqrY5ApAFJHCK9zLsFp38ftwa/zxnj+lodjWV0B01Vvv3WTa8u0ockDpE+QgGM1S8BMGzc0QwtzbE2Hhuqr5WpzcXBk8Qh0seGeTj8B7jC/wuuOH6o1dHYUuM+qXGIgyeJQ6SPTQvx4eZDY3ybqcYPNR01VQVqdiU5EpGOJHGI9FC1ET75CxuMftw0a+IhN5qqtY6unKZrtiQ1DpGeJHGI9PDp/QA8HDyD08b2sTgYO2g/cTr3bW13uRDdIYlDpD7DQC9/ihqdzYvGcfTKTf/p03vKs18Shzh4kjhE6tuzGuXfz33BWVZHYhsd9XFk129LciQiHUniEKnvk/sAeM+YzLxfnGBxMPbQUR9HdqgW6mRklTg4kjhEatu/G732dbbpEg4fcwSHybkbXdu+1OoIRIqTxCFS279/gPLt41r/tRxzWLHV0dhI+01VBgp2LE9uKCLtSOIQqW3rYgCW6eFMH9nL4mDso6M+jo1GXwLbvkhyNCLdSOIQqWv3agDuc3wPt1MxsCjL4oDsQ3cwO+4qPQRDahziIEniEKnr/mMAeLFhIredM87iYFLDKmMoGfW7oHqz1aGIFCaJQ6SmoD9yd4MewPmTB1gYTOpYmznRvLPoHkvjEKlNEodITd/MB+Ca0H9y6TFlqI4uXHSI6qiPw9UvfE3y7UuSGI1IN5I4RGr6Zj4BRwbzAmMYP+DQntCwPR0ljlF9c7kvdA561yqor0pyVCJdSOIQqUdrWPcmHwZG48NzSF+wqbsmDCjgjWA5Shvw1UtWhyNSlCQOkXp2rYTaLbxtlHPm+L543U6rI7LcX4MzeSp4YpfljhpazGpdxnb3EFj2ZBIiE+lIEodIPWtfx8DBe6HJ/Pzk4VZHYwv/G7yQG4NXRi1pv6mqKNvDscNKedUx3ezn2LshKfGJ9CKJQ6SeNa/xjXcM3vxeMsVIBzqaqwrghBGlPFI72ewHWf1C0mIS6UMSh0gte9bAntU83zCZE0aWymiqDnX8vpw0qhe7KWJXwRGw6jmzz0iIbpDEIVLL2tcBeM53JMcNL7U4GPu458KJ3Hr22MjjjkZVAQwtzWFc/3xeCBwNe9fBgjuSEaJII5I4RGrZuIA92SOoVPkyqWGUWRP78/2jBkced1WHmDmhH3+vDJ9t/8EdsPSxxAUn0o4kDpE6Ag2waSEfBUcxeVAhBVkeqyOyry6a8E4b24cq8poXvPofCQ5IpBNJHCJ1fLsQgPf3D2T6SGmm6kxnTVUAA4uyGNs/j7/kSMIQ3SeJQ6SODe8SdHp5xyjn1DF9rI7G5roeNHD62L5sqW5oXmAYCYxHpBNJHCJ1fP0ua7xHUJiXx7BeMgy3M7GMkzp1TJ+WNZO96xMWj0gvkjhEaqj8Bqq/5Y2GsRw5tEiG4Xahq6YqoG3ylYkPRYwkcYjU8PU7ALzaMIbJgwstDsb+YkkcACeMjGry2y5XBhSxkcQhUsPX71CbXcY23Ytjh5VYHY3t3Zd1TUzlSnIymh+sfS1B0Yh0I4lD2F9DNXy7kMWuqfQvyGRISbbVEdneRmdZTOVatPgd2A37dyckHpFeYkocSqkBSql7lVKfKKXqlVJaKVXWTrlCpdTDSqm9Sqk6pdR7Sim5pqc4OF+/B0aAR2smcPyIEunfiIWK7TehCnejf2OEp6Zf93qiIhJpJNYaxzDgAqAaWNheAWUeza8ApwHXAucBbuB9pZRc11P03Ib3CGQU8YlvsEwzErPYkmtT4limh7Pf289M0kJ0IdbE8aHWurfW+gzg2Q7KzASOBX6gtX5Ka/1WeJkD+NXBhyoOSVrDxvf5JncKSjlkmpEY9S3wxlSuKb1oDcu9U2Dj+xBoTFxgIi3ElDi01rGcGTQT2KG1fj/qebXAq8CsnoUnDnmNtXBgN580DGT8gAKZZiRGvz97fEzlmmocBg7+vmcEBOph80eJDE2kgXh2jo8Bvmxn+WpgkFJKztgS3Rf+zbKl1s+Mw3tZHEzqyMnKiqmcDk+proFPjdFohzsytYsQHYln4ijC7ANprSr8t83ge6XUj5RSS5RSSyoqKuIYikgb4cQR1A6+M7q3xcGkjpjHD4QTR0mul0Yy2JM7GjYvSlxgIi3EM3Eo2p/poMOPsNb6Ia11uda6vLRUOj1FO4wQANkZbg7vk2txMOnITMzZGW6GlmbzuR4FO5aB74DFcQk7i2fiqMKsdbTWVNNorzYiRKe0NhNHWa88GYbbDbG+Varp6n9KcfzwUv5dPRyMIHz7QeKCEykvnoljNWY/R2ujgS1aa/kJI7ptf4MfgH4FsbXZC5OKqujX6o7fu6Y+DgWcMLKUjwPDCbpzYN0biQ5RpLB4Jo5XgP5KqROaFiil8oCzwuuE6DYdMmscyuG0OJLU4nHFdmjrcOuyVg6OHFIEDjfr86fBujflWuSiQzEnDqXUbKXUbGByeNHp4WVNieIV4BPgCaXUhUqpU8PLFPC/8QxaHDoMIwiAUpI4eqqzCQ9VZKS9IsvjYnS/PD4IjoH6SukkFx1ydaNs6xP//hr++wEwXWttKKXOBO4Mr/NiJpITtdZbDzpScUgymi4u5JBp1Xqqs8QRGY4b7hSZNKiQf34+kh87gY0fQNmxyQhRpJiYj0attergNj2qTJXW+jKtdZHWOktrfZLWekVCIheHBG00NVVJ4kiISHOU+f4ec1gxOwK57C+eABsXWBaWsDc5GoWtNSUOpKmqx3SnQ6yaRlWZf6YNK8HjdLAiY5J5YacGGQwp2pLEIWzNCLfBS+f4wei6j6OpOSs7w0V5WSEv7htpnny5UYblirYkcQhbaxpVFes04aJ7imtXA1Be1XwRp+NHlPLS3v7mg7d+bUVYwubkaBS2ZjT1cUhTVY911jlek1UGwOqCGZFlMw7vRYjw+71/Z+TsfSGaSOIQtqaNpqYq+aj2VGdnYxjhJsAD7uZJH0b0Nqd2ebjXf5kLNslsuaIlORqFrRlNTVXSx9FjndU4MJrSSssyc8oH8sCe0WhPDqx+MXHBiZQkiUPYW+QEQPmo9lwME1e1Gnk1bXgJexsd7OtzDHwzP0FxiVQlR6OwNaNpLiVpqkqIxoCZmKvrgy2WTwtfaXGxGg81m6Hym6THJuxLjkZha7qpxiFNVT22UQ3scN2BRnMSyap6f4vlxTkZANy2vp+54P3bEhOcSEmSOIStyZQjB+9Xjl92uG7nYeezwehHw7gftFk3YWABu3S40/zL5xMVnkhBcjQKe2saVaW6M62aiFbvyO5w3QFPL07238mBjLZXV7zr/An4iLrGu8yWK8IkcQhba56rSi7ilAhR13FqY1ivHEb0zuGxgp+aC3YuT1pcwt4kcQhbM3TTcFypcfSUAo713cPkxvvbrItMcdjBfFbThpXweWW41vHE7MQEKFKOJA5hb+Eah0P6OHpMKdimS6kkv8063XKOwzaOG17Cu4Hx5oP6vYkJUKQcORqFrTWfOS41jp769emHd7huQGFm+G/7l5edPLioZT9HKBDX2ERqksQhbC3Sx9Hp1OCiM+ccMaDDdedO6s8Tlx/J+eXtl8n2tBoG/eiZ8QxNpChJHMLWIonDKTWORFBKcezwkg4Ts8vp4IxxfZoXbP00SZEJO5PEIWyt6dKmMuXIwZk1sR/XnTyiR889fWxfRjY+Gt+AREqTn3HC1prPHJfEcTDuufCIHj+3T763ZT/HgT2Q0ysOUYlUJUejsJ7W0FDT/qpw57hDmqosM6WsqOWC9/9gTSDCNiRxCOstewL+ZzDUbGm7LtI5Lh9Vqx3QXvPO0kesDURYTo5GYb03bzD/1mxts0pruZCTXRzl+4vVIQibkKNRWCsUgECdeb9uT5vVkaYqSRyWOm/SAA4Qda5He7VDcciQo1FYa9PC5vsH2kkckVFVMq26le66YELLBXePsyYQYQuSOIS1KtY1369rZ0oL3TTliJwAaAcvh46xOgRhA5I4hLW2f4GR04egw4sRaGyzOlLjkAs52cJ1gWusDkHYgCQOYa2ti1mph1EXclC1b7+5rKHabAqp3R7pHO9o9laRPPdcOBEj+itjxzLrghGWksQhrFP1LdRs5oWaw/Djwu/zmcvn32Z2vs77XWT6VhlVZb3Tx/ZtueCZi60JRFhOjkZhnW/mA7DIGEsAFz5fg7ncbc7YSunI5lFVch6H5TyuVvugVkZWHarkaBTW2bwIX2ZvvtH98Gs3AV+4jyOqWaqpj8PhlD4OuwhpaTY81EniENbZvpRNmaNxOhwEcGEEw01VkcsK6UgfR7vXNhVJ9+pPj225YOWz1gQiLCWJQ1ijbi9Ub2Kxfwjj+ucTUi4cIb+5LpwktNag5QRAOxk3oNVVBF+4wppAhKXkaBTW2LYEgLdr+nPk0CKCyoUKz4S7dpc5umrZlppI4lByHocQtiGJQ1hjxzI0ii+CQzhqSDFB5Wb4/k9h3ZtU1pmXJ93X6G++JracOW4bbVK4XE72kCOJQ1hj10qqMwfTqLxMLitkol5rLn/qwkiRTLez+cxx6eOwDYfSLRfcN9WaQIRlJHEIa+xcwVqGcHifPPK87pbrIn3jmt5Vn5uL5Mxx27gt+P2WC6o2WhOIsIwkDpF8dZWwbzuL6vozpaywnQJNH0vNwD0LADq8JrZIvr+HzuDJ4ElWhyEsJIlDJN+uFQAsCw5i8uC2iWPajvCFgnRzk4icOW4fGvh36ISWC0NBS2IR1pCjUSTfTjNxrDbKmDSovRpHk6jE0bZLVlhohR7WcsG/f2BNIMIScU0cSqnpSindzq0mntsRKW7nSqrcfXBlFzGgMLPjclE1Dof0cdjOKb7/aX6w7g3rAhFJl6gax38AR0fdTk7QdkQq2rWSr3QZ4wfkR/ouNhu9On+OnMdhGzNGmvvKh7uLkiJdJSpxrNFafxp1W5Kg7YhU49sPlRv4rHEA4wcURBbP9d/UtmzUqE85c9w+7rtoEscNL2m7or4q+cEIS8jRKJJr92oAvjTKmDCwefqKHZRwnf/HLYpqjMh9mR3XPrxuJxeUD6RG57Rc8cl91gQkki5RR+OTSqmQUqpSKfUvpdSgBG1HpJqdKwGzY3xc/4IWq6rI6/BpMqrKXs6a0I9acihvvL954cI7rQtIJFW8j8Za4C7gCmAG8HvM/o1PlFJtGrGVUj9SSi1RSi2pqKiIcyjClnatZL8zH3dBP0pzM1qs8uNqWbZF57gkDrt54Zpj2Es+O3WR1aGIJIvr0ai1Xqa1/qXW+lWt9Qda67uB04DemB3mrcs/pLUu11qXl5aWxjMUYVc7V7COMsa2qm0UZLkJ6pYjp1RUU1U7MyQJixVleQA4znd388JNi6wJRiRVwn/Gaa2/ANYDUxK9LWFzoSC6Yi2f+wYxpl/LZqlnrzqaQKsah9JRfRxS47CtYPR+e/QM6wIRSZOso1HRYoyMOCRVbUSF/Hxt9Gd0q8QxvHcul59+TItlLRKHVDhsJz+zeTju5f5fWBiJSLaEJw6lVDkwAlic6G0Jm6swZ8Bdrwcwpl9+m9W5vQez1BgeeazCM+OCzFVlR4XZHj77L3POqnnGJIujEckU7zPHn1RK3aqUOlcpNUMp9QvgLWA7cG88tyVSUMVaDBRVmUPonZfRZrXH6WCD0T/yWEV3jkvesKVeeV7G9s+jRR9UeOScSF/xrnF8CcwEHgHeBn4OvAAcqbXeG+dtiVRTsY49jl4c1r+03RqE2+UgQFQHudQ4UsJr1x7XcsG7v7EmEJE0rq6LxE5rfTtwezxfU6SP0P5dbA0WML71davDPE5Hiw7y6KYqYW953qivko3vWxeISAoZqiKSxr+vgkqdx9h2+jcAyoqzW8x/pLXRbjkRm+v9V/NA8MykbOtfVx6VlO0Ie4hrjUOITtXvpUr345i+7Z8hnp/l5rDehVBpPlbaoELn8U5oChclMcx08YJxPBhwdRK2NbZ/+z8GRHqSGodIDq3J8NVQTR4Di7I6LudsrnEoHcKBJiQf05RwvO/PVocgkkSOSJEcjTU4COHzFOLsZIiUdjaPttKGgRMDQ84aTwlbdBdT44u0IYlDJEed2f5kZBZ3Xi66xoGBAwNDPqY9kpuR7JZoSfCHCunjEMlRbyYOld154sikMXJfGSGcGJTkddK0JTq04D+nU+eTkWki/uSnnEiOcOJw57ZzAaAoY/e+GfXIwKk0BdneBAaWvopzMhhUnLyk+7/njW9+EPQlbbsi+SRxiKQw/HUA5OR0PvrmsyHXRO4rw8BJCGSCw5Qwc2K/5geBBusCEQknR6RIigP15hdJQV52p+WCGYWR+4oQCo18TFOD1x09Lb7MaZrO5IgUSbE/nDiKcjtvOvE7opqltIELAxzOjp8g7ElreOEqeP5KqyMRCSCJQyRFU42jMDen03JvrKmO3I9MOSKJI+X4gyFY+TSs+rfVoYgEkMQhkqKu3hwt1dUIqQunNl+e3mkEzDtKEkeqaWyotzoEkUCSOERSBAPmKJvsrM4TR3F283kcTh0070jneMrJ/dvU5gc1W60LRCSEHJEiKXTIrD243Z5Oy3ldzR/JSOKQGkfKUcHm83G4e6x1gYiEkMQhkiPc7OT2tL2AU7ToEwQdkcQhH1Mh7ESOSJEUOhhOHK7OJysI5Q6I3Hdq8zlKOseFsBVJHCI5jAB+7UR10V9haM1s32/YpkukqUoIm5LEIZIjFCAY49RoS/ThbDJ6NzdVSY0j9W1ZbHUEIo4kcYikUEaAoOo6cQzvbZ7nYeDAET6PQ5qq0sDqF6yOQMSRJA6RHEaQIF0ngAyXk5NH9UKjIk1VSjrHU9/iB6yOQMSRHJEiOUIBQjE2VT18yRTyszNwIk1VQtiRJA6RFLE2VTXROCjStQC4wqOrhP09Hzqu45VbP09eICKhJHGIpFBGgFB3EodqvppcbuOORIQkEuDJ4Ekdr/z7yckLRCSUJA6RFMoIxtxUZWr+aHZyiXJhM7H0Y4nUJ4lDJIVTBwl143wMHdUhHgwGExGSSICzjhhodQgiCSRxiKRw6AAh5e66YJimuZrR0CBXk0sVk488vvMCu1YlJxCRUJI4RFKYNY5uNFW1GIIrV5NLFS5nF7XKB45NTiAioSRxiKRw6BBGD5uq5vf9USJCEglQktP5JJYiPUjiEEnh6G6NI9xUtVsXsE91ftVAYR/9CjKtDkEkgSQOkRROHcTo1nBc86MZwMXJo3snKixhhQN7rI5AHCRJHCIpXDqA0Y3O8aY+jpByceLIXgmKSljizuFWRyAOkiQOkRQOHcJwdL+pqnvnfgg7+Ln/GqtDEAkmiUMkhZMgIUc3huOGaxzB7tRShC3UkG11CCLBJHGIpHDpYI+bqkRqueK4wyL3Hwt+hzm+/0etzuKIxgdYZZSxT2dZGJ2IB0kcIincOojuRo2jKXF0ZwivsAd30eDI/dW6jMV6FBN8D1NNHh8Z48jAb2F0Ih4kcYikcBHoUVOV1DhST2NBc41jxoRhrL7lVP77jFFs/MMZjOxfQoYKgmFYGKE4WJI4RFK46G6Nw+wc784QXmEPk8uKI/cD/aaSneHiyuOH4nAoXBlmM5UOyjQyqUwSh0ishXfBzfl4tQ+HyxP785o6xx1yJnKqycloTvaj+7TsKHe6zB8P/sb6pMYk4ksSh0io0II/AuBUGo+nO0nArHFUefolICqRLNklg1o8Hr/jGQCMVXIN8lQmiUMkVGOwuS3b6Y196pDcYCUA9XlD4h6TSJ7i3JY/Fj4PjQRg/c4qK8IRcRLXxKGUGqiUek4pVauU2qeUekEpNajrZ4r01Tw9ep7eF/Oziuq/BSCz98i4RyQS757gudwZOB+3s+VXzMLBPwEgd9dnVoQl4iRuiUMplQXMBw4HLgF+AAwH3ldKyRlBgmDRiJjLPu34LgCFh8s03Kmo5KybGXT2b9ss/+nZJwCw3Sd9V6ksnjWOK4GhwNla65e01i8DM4HBwFVx3I5IIdEXZFJ9x8f8vGMu+CXXDJ/PpMOkjyMVXXTkYC6Y0vZqgMU5GdTobI7b/ya8cxM0xl4LFfYRz8QxE/hUa72haYHW+ltgETArjtsRKSorryTmskcOLeavF03G5ZRuuHTzibPcvPPxvXDHQDmnIwXF86gcA3zZzvLVwOg4bkekkOhr9+UUxJ44RPrKm/t3zjPuiDyuXv2uhdGInohn4igCqttZXgUUtvcEpdSPlFJLlFJLKioq4hiKsKO8/HY/BuIQM214Kc//7sesvWgJPu0m+NJPCTXutzos0Q3xbgdo7+LQqp1lZmGtH9Jal2uty0tLS+McirCav7GeXNV8hrBTmp1ElMOHD+fNI+6nNLSHz5+7y+pwRDfE80iuxqx1tFZI+zURkeZWvvmw1SEIm5s1azarvZMZ9vU/qKmttTocEaN4Jo7VmP0crY0GvorjdkSKCOxvvkToARmRLdqhlCLnlF9TompZ9cZDVocjYhTPxPEKcJRSamjTAqVUGTAtvE4AhqGp2O9j7a59bKuup7YhQMhor4Uv9dVXbInc91/yjoWRCDsbfMR3aNRuXLUbrQ5FxCieU4/+Dfgp8LJS6ibM/o7fA1uBB+O4nW7TWhMIaRoCIRoDIRr8IRoCIer9QfxB80tbo0FDSGuCIY0vaFDnCxIyNEFDEwoPGfS4HLgcDlxOFfmrtabeH6Leb76+WV4TCBmEDM2efT627q3GWb2RzAPb6EsFvVQ1dTqTGnKo1jn4XHkEPAUE3DkEA36UEcBh+HEaAZzaj5MQ2pmBdnpRGdlobz4qs4iszEzyvG5652VQmO2hMMtDQZabXK+LXrleBhRmolSH3UwJETI09774Ppfte5cDrnxyblhLkUcu3iM6oBQhnKDT8wdUOopb4tBa1ymlZgB/Bv6J2Sk+D/i51vpAvLbTWlWdn/98dgUBQ+OLJIYgOlCP8tfjDNbhCNbjNRrIVo1k4SObRtwqSCY+HDSNIVc4CeEihJsQGSqAFz8ZBMhQgcjFZxq1h0bc+HHhw40DjYcAHoJ4VZBcgngI4CaIhyAZKkBfVcUgFW62Cc8sbignDh1q+c8Ew7doreuEIaA+fAPqyKSGXPYYeVTofCp0AZvJZ5/OYocupr7sJL43bSSnjO6dlASys7aBPzz+Kr+ouAmvM4S67C2QpCG6YCgFWs7nSBVxvdiB1noLcF48X7MrGb69/HbLpXgwv9y9upEM3YijaYCXIvJl3R2GwwOuDLTLCy4v2pVhfrCDPlTQByE/KuRDKyc43WhnBsrpAZcn/DcD5fSiXPng6g99xkKf8VA4BAoG4cgugWAjNNRAQxU0VJu3xn3g9IDTDa4M868zAxwuCPnAXw+B+kj57Poqsusr6VdXQWjfblTdJhwNVajw/799x1P87V+n8UCf8/juxEGU5mbQNz+TfgVe+uVn4nDEL5n84Y017Pnkae513k1DRiGei1+D/hPi9voifWkcqNY/pIRtpfxVcrJzC8keOcn8kvVkgycn/De77WN31HKHq/kv2qwmO1zmF7XDjcORhKGj7kzzltf3oF9KEbUzQ0Hw7YPNH9Pvo7u5efvjbKqazxNvncBSXcJm3ZvNujd1ZDK0JJv+hZkMLMoiz+vG41RsqarngC9EXqaLvvle+uR5GVKSw8g+uZTkeCI1l9qGAAvW7WHVtlqWbqlm8vYnudv9JACZV7wBveW8TxEbAwfaOHQTh9Y66U3KByPlEwfuTJjzT6ujsBenC7KKYNSZqFFnwqf3U/bF49y058kWxRqdOWwJHcamPX1Ys62UHYEcGg0Hhzu2UuL2U+fIYY2vmMWhPmzSfdlLHrleN33yvARCBpsq6zjOsYqpjrXc4/qUQe5dGO5sHD9ZDAVt5ykSoiNB5YJQwOow4qa2PsDSLVUs2VTN3gM+giFNwNA0+IPU+UI0BkP4AgaNwRD1vhBDS7P515VHWR12zFI/cYiuHfVj87ZvB2x4Dz77G+xaiXfMdxlRvZkRlUs5Re9t+WnQgOEEVyiyvN5TzLdZ41inBzFIf8v4rCV4jKhLgE65Ascpt4Hbm8z/TqQBPx58jfa8nOy+xgDbqxuo2O/DFzRoDIQ44AvS4A//DfetNq1bvX0f63bvJ5sGjnGtZZC3EbcK4XWEKFR1FDvq8KoAWcqHFz9ZnkYMVQZI4hB2lNcPJl1s3lprrDX7TULh3vniw8AIQe0WqNwIlV+TtWMZY7Z8wpjaBZBdCsNnwLAZMPhYKBkByWjeE2kp6PBwoO4Ap/z5AyYNKiQ/0w0KFAqlzKZYpcDQEAwZkZGLIUOT4XKGRzmGb04Hdf4gFft9VNf5qaoPUFXno8Fv0Cs3g6o6P3X+IArI9boZXJxFUbYHhzK3pTXUNATYWdPArtpG9vtaj1gxuQiSQwMFTj8FLj/5rgD5jgYuz9zEtF4r6bt/FQ4dbDvgxZNr/rhyZYI7y7z1Tq0BJJI4hMmbb96iOV1QNNS8DT+5eXl9lVnW4UxujCJt9ff6GRRazBbHR7z+1VC+8eVhoEArNBptjpbHqSDDYZDpDJGhDDzKYH/IRb3hoDHkoOmCk14nDM9pZKj3AGM8++mTU4Pf10Cjq4i+RbUUqANoFHt0ActqCqiozsPQZl9LCAf9PA0c561iSE4lA43t9G1YT1b9DnA4UTqEI1DftjM/FL4FgL4TYPy1MPREs9nW6TFvnpy0GGWotE3GTpeXl+slS5ZYHYYQwgpLHoHXft7BSgXKEa5ytP/rv4lu+oIONMRvlFZ2KfQ7AvL6m4NnlMMcWOPKhIycqAE44aRQMgJyesVn2zFQSi3VWpcnbYNIjUMIYQflP4RJl8COL2DHMqivDJ8QqM1h8Dr8Nzzq0Rym7gblNIeph/wQCqBCfgj6zS/wnN7mLbcPZBWbfXyZheaXelYJ6BDUboM9X5nPB7N51giCtwAKB0P+QDM5iBYkcQgh7MHhgAHl5i0Rig9rvUEoGmLeRLdIb6YQQohukcQhhBCiWyRxCCGE6BZJHEIIIbpFEocQQohukcQhhBCiWyRxCCGE6BZJHEIIIbrFNlOOKKUqgM0H8RIlwN44hSMSQ/ZRapD9ZH/R+2iw1ro0mRu3TeI4WEqpJcmer0V0j+yj1CD7yf6s3kfSVCWEEKJbJHEIIYTolnRKHA9ZHYDokuyj1CD7yf4s3Udp08chhBAiOdKpxiGEECIJJHEIIYTolpROHEqpgUqp55RStUqpfUqpF5RSg6yOK50opaYrpXQ7t5pW5QqVUg8rpfYqpeqUUu8ppca183pepdQflVI7lVINSqlPlFLHt1POoZS6USm1SSnVqJRaoZQ6L4H/aspQSg1QSt0bfu/qw/ujrJ1ylu0TpdSVSqm1SimfUmqdUurquPzzKSSW/aSUKuvg+NJKqYJWZe2zn7TWKXkDsoCvgS+Bs4FZwCrgGyDb6vjS5QZMBzRwLXBU1K08qowCFgLbgLnAacAHmCcoDWj1ek8CNcCVwEnAC0ADMLFVudsAH/BL4ETgQcAAzrD6PbH6Ft4nu4E3gLfD+6esVRnL9kn4dYxw+ROBW8OPf2z1e2fD/VQWXv6HVsfXUYDTrvvJ8jf3IHbKz4AQMCxq2RAgCFxvdXzpcotKHCd3UmZWuMyJUcvygSrg/6KWTQiX+2HUMhewDnglalmv8Af/llbbmQestPo9sfoGOKLuX9HBF5Il+yT83D3AY63K/QMzabmtfv9stp+aEscVXbyWrfZTKjdVzQQ+1VpvaFqgtf4WWIR50IjkmQns0Fq/37RAa10LvErLfTETCADPRJULAk8DpyqlMsKLTwU8wBOttvMEME4pdUhfJFprbcRQzKp9cjRQ2k65fwLFwLExxJ4WYtxPsbLVfkrlxDEGs5mqtdXA6CTHcih4UikVUkpVKqX+1aovqbN9MUgplRNV7lutdX075TzAsKhyPmBDO+VA9m8srNonY8J/W29b9l3nbldKBcP9ta+00xdlq/3k6mylzRUB1e0srwIKkxxLOqsF7sJsH98HHAH8F/CJUuoIrfUezH2xqZ3nVoX/FgIH6HyfEV7f9LdGh+vOnZQTHbNqnzT9bf2asu/a58Psg3gHqAAOxzy+PlZKTdVarwmXs9V+SuXEAWabX2sq6VGkMa31MmBZ1KIPlFIfAp8B/wHchPmex7Iv4l1OdMyqfdL0WM4sjoHWeicQPZJpoVLqLcxf/v8NfD+83Fb7KZWbqqppPysW0n5mFnGitf4CWA9MCS+qouN9Ac37o6tyVVF/C5VSrT/srcuJjlm1Tzr6xVrUar3ogNZ6K/ARzccX2Gw/pXLiWE1zO1200cBXSY7lUBT9y6azfbFFa30gqtwQpVRWO+X8NLfLrgYygMPaKQeyf2Nh1T5paiNvvW3Zd93TuuZgq/2UyonjFeAopdTQpgXhk2umhdeJBFFKlQMjgMXhRa8A/ZVSJ0SVyQPOouW+eAVwA+dHlXMBc4B3tNa+8OK3MA+Gi1pt+vvAl+HRc6JzVu2TTzCHc7ZXrgpz1KPoRHjgyTSajy+w236yeqzzQYyRzsbMsqswhxfOBFYAG4Ecq+NLlxvmSUe3AucCM4BfhD9wW4CScBkH8DGwFbgQc0jggvAHcGCr13sas5nkCsyTmJ4DGoFJrcrdEV5+Pea5JPdjnpx0ltXviR1uwOzw7X7MX6Y/Dj8+wep9gtlmb4Q/N9OB34Uf/8Tq982G++ku4M/ABZgn4V2NeSXUGmCkXfeT5W/sQe6UQcDzmKN99gMv0eoEG7kd9Ht8I7ASc3RVIPxF9BDQt1W5IsyTh6qAeswTjia083qZwJ+AXeEP92JgejvlnJgd75sxR56sBGZb/X7Y5Rb+EmrvtsAO+wS4CrMfzIc5w8M1Vr9ndtxPwGXA5+GEEAzvg3+1Thp2208yrboQQohuSeU+DiGEEBaQxCGEEKJbJHEIIYToFkkcQgghukUShxBCiG6RxCGEEKJbJHEIIYToFkkcQgghuuX/AxN1fhuf06FeAAAAAElFTkSuQmCC", - "text/plain": [ - "
" - ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" - } - ], - "source": [ - "y_pred = X@alpha\n", - "plt.plot(y_pred[:, index], label = 'V-v0 Pred')\n", - "plt.plot(Y[:, index], label = 'V-v0 True')\n", - "plt.legend()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "#### Remark. \n", - "We might not be able to get an accurate estimation for R and X as p, q are correlated; but the voltage prediction from v = Rp + Xq +v0 is accurate" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 77, - "metadata": {}, - "outputs": [], - "source": [ - "import cvxpy as cp" - ] - }, - { - "cell_type": "code", - "execution_count": 92, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Simulated steps 0\n", - "Simulated steps 1000\n", - "Simulated steps 2000\n", - "Simulated steps 3000\n", - "Simulated steps 4000\n", - "Simulated steps 5000\n", - "Simulated steps 6000\n", - "Simulated steps 7000\n", - "Simulated steps 8000\n", - "Simulated steps 9000\n", - "Simulated steps 10000\n", - "Simulated steps 11000\n", - "Simulated steps 12000\n", - "Simulated steps 13000\n", - "Simulated steps 14000\n" - ] - } - ], - "source": [ - "### model based controller based on the groundtruth X and R matrices\n", - "\n", - "T = 14421\n", - "\n", - "state = env.reset0()\n", - "episode_reward = 0\n", - "episode_control = 0\n", - "num_agent = len(injection_bus)\n", - "voltage = []\n", - "q = []\n", - "\n", - "v_max = 12.6**2 - 12**2\n", - "v_min = 11.4**2 - 12**2\n", - "\n", - "for t in range(T):\n", - " if(t%1000==0):\n", - " print('Simulated steps', t)\n", - " \n", - " state1 = np.asarray(state-env.vmax)\n", - " state2 = np.asarray(env.vmin-state)\n", - " \n", - " d_v = (np.maximum(state1, 0)-np.maximum(state2, 0)).reshape((num_agent,1))\n", - " \n", - " action = 0*d_v #(last_action - 0*d_v)\n", - " \n", - " # Project the action into a safety set\n", - " action_pi = np.squeeze(action)\n", - " x = cp.Variable(N)\n", - " P = np.eye(N)\n", - " load_pt = load_p[:, t]\n", - " load_qt = load_q[:, t]\n", - " gen_pt = gen_p[:, t]\n", - " gen_qt = gen_q[:, t]\n", - " \n", - " prob = cp.Problem(cp.Minimize((1/2)*cp.quad_form(x-action_pi, P)),\n", - " [RR@(gen_pt-load_pt)+XX@(x+gen_qt-load_qt) <= v_max,\n", - " RR@(gen_pt-load_pt)+XX@(x+gen_qt-load_qt) >= v_min])\n", - " prob.solve()\n", - " action_proj = x.value\n", - " \n", - " action_proj2 = np.expand_dims(action_proj, axis=1)\n", - " \n", - " #print('Original action', action_pi, 'Projection', action_proj)\n", - " \n", - " \n", - " #next_state, reward, done = env.step_load(action, load_p[:, t], load_q[:, t])\n", - " next_state, reward, done = env.step_load_solar(action_proj2, load_p[:, t], load_q[:, t], \n", - " gen_p[:, t], gen_q[:, t])\n", - "\n", - " voltage.append(state)\n", - "\n", - " q.append(action_proj2)\n", - "\n", - " state = next_state\n", - " \n", - " episode_reward += (reward/1000)\n", - " \n", - " episode_control += LA.norm(action_proj2, 2)**2\n", - "\n", - "voltage_baseline_safe = np.asarray(voltage)\n", - "q_baseline_safe = np.asarray(q)" - ] - }, - { - "cell_type": "code", - "execution_count": 93, - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "([,\n", - " ,\n", - " ,\n", - " ,\n", - " ],\n", - " [Text(0, 0, ''),\n", - " Text(0, 0, ''),\n", - " Text(0, 0, ''),\n", - " Text(0, 0, ''),\n", - " Text(0, 0, '')])" - ] - }, - "execution_count": 93, - "metadata": {}, - "output_type": "execute_result" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAWwAAAEWCAYAAABCJq0eAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuMCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy86wFpkAAAACXBIWXMAAAsTAAALEwEAmpwYAABdj0lEQVR4nO2dd3yUxdaAn7MlPZAECC0JCYYSKaKgCDZ6EzsXRVEQFK+dz14vVvAqKjZUbKhcUcAKIioqqBQpAtJ7IIGEdNLL7s73x7sJm74JSTaBeX6/l92demaznHfeM2fOiFIKjUaj0TR+TJ4WQKPRaDTuoRW2RqPRNBG0wtZoNJomglbYGo1G00TQCluj0WiaCFphazQaTROhwRW2iISJyBsiskZEckVEiUhkmTK9RWSZiBwRkXwRSRSRpSLSz80+TCLyqIjEOutvEZFr6mVAGo1G00B4YoYdDYwF0oE/KikTBOwD7geGA3c701aKyHlu9PEs8BTwJjASWAssFJFRJyG3RqPReBRp6I0zImJSSjmc728B3gOilFKx1dQLBFKAOUqpu6soFwrEAS8opaa5pP8CtFJK9Tz5UWg0Gk3D0+Az7GJlXQtygAKgqJpywwEvYF6Z9HlADxGJqmX/Go1G41Ea9aKj0xZtFZEIDPMGwPvVVOuGodj3lUnf7nw9sw5F1Gg0mgbD4mkBqmEBULxYmASMUkrtqKZOCJChytt60lzyyyEiU4ApAP7+/r27du1aO4k1Go2mEjZu3JiilGpV2/qNXWE/BPwXCAfuBJaIyBCl1IYq6ghQkWFequpIKTUHmAPQp08ftWFDVV1oNBpNzRGRQydTv1GbRJRSB5RS65VSX2F4eyQBz1VTLQ0IFpGyCjrYJV+j0WiaHI1aYbuilCoE/sFwC6yK7YA3cEaZ9GLbdXUmFY1Go2mUNBmFLSJ+QB9gfzVFlwGFwA1l0scD25RSB+tBPI1Go6l3PGLDFpExzre9na8jRSQZSFZKrRSRdzFMFxswfK87AHcBbYEby7RlAz5WSk0GUEolicirwKMikgX8DVwLDAKuqN+RaTSauqCoqIj4+Hjy8/M9LUqt8PHxISwsDKvVWqftemrRcWGZz7OdryuBAcBfwC0YXhv+wBFn2mSl1NYydc3Oy5XHgWzgXqANsBsYq5RaXEfyazSaeiQ+Pp7AwEAiIyMpvxzVuFFKkZqaSnx8PFFRdbvtwyMKWylVncfGh8CHtW1LKWXHWJysboFSo9E0QvLz85uksgYQEVq0aEFycnKdt91kbNgajeb0oikq62LqS3atsDUajaaJoBW2RqPRVMKyZcvo0qUL0dHRvPDCC54WRytsjUajqQi73c6dd97JDz/8wI4dO5g/fz47dnh2G4dW2BqNRlMB69atIzo6mo4dO+Ll5cV1113Ht99+61GZGnssEY1Gc5rz9OLt7DiaWadtntmuGdMu61ZlmSNHjhAeHl7yOSwsjL/++qtO5agpeoat0Wg0FVDR4S6e9lzRM2yNRtOoqW4mXF+EhYURFxdX8jk+Pp527dp5RJZi9Axbo9FoKuDcc89l7969HDx4kMLCQj7//HMuv/xyj8qkZ9gajUZTARaLhTfffJPhw4djt9uZNGkS3bp5ZrZfIpNHe9doNJpGzKhRoxg1apSnxShBm0Q0Go2miaAVtkaj0TQRtMLWaDSaJoJW2BqNRtNE0Apbo9FomghaYWs0Gk0TQStsjUajqYBJkyYRGhpK9+7dPS1KCVphazQaTQVMnDiRZcuWeVqMUmiFrdFoNBVw8cUXExIS4mkxSqF3Omo0msbND49A4ta6bbNNDxjp+RNkaoqeYWs0Gk0TQc+wNRpN46YJzoTrCz3D1mg0miaCVtgajUZTAePGjaNfv37s3r2bsLAwPvjgA0+LpE0iGo1GUxHz58/3tAjl0DNsjUajaSJoha3RaDRNBK2wNRqNpomgFbZGo9E0EbTC1mg0miaCVtgajUbTRNAKW6PRaCogLi6OgQMHEhMTQ7du3Xjttdc8LZL2w9ZoNJqKsFgsvPzyy5xzzjlkZWXRu3dvhg4dyplnnukxmfQMW6PRaCqgbdu2nHPOOQAEBgYSExPDkSNHPCqTnmFXwO7duxkwYECptLFjx3LHHXeQm5vLqFGjytWZOHEiEydOJCUlhTFjxpTLv/3227n22muJi4vjxhtvLJd///33c9lll7F7925uu+22cvlPPPEEQ4YMYfPmzUydOrVc/vTp0+nfvz+rV6/mscceK5c/a9YsevXqxfLly3nuuefK5b/77rt06dKFxYsX8/LLL5fL//TTTwkPD+eLL77g7bffLpe/aNEiWrZsydy5c5k7d265/KVLl+Ln58fs2bNZsGBBufwVK1YAMHPmTJYsWVIqz9fXlx9++AGAZ599ll9++aVUfosWLfjyyy8BePTRR1mzZk2p/LCwMObNmwfA1KlT2bx5c6n8zp07M2fOHACmTJnCnj17SuX36tWLWbNmATB+/Hji4+NL5ffr148ZM2YAcM0115Camloqf/DgwTz55JMAjBw5kry8vFL5o0eP5oEHHgAo97uD0/O3N23aNEwmYz75ZdqX7D2+F5vNRmFhYbn6vr6+iAhFRUUUFRW5lR/lH8XNkTcD0KVLFwASExM5fvx4qboiQufOnYmNjWXDhg2EhISwe/fuknyz2Ux0dDQA8fHx5OTklOQlJiby/PPPl/rtnSx6hq3RaDRVkJ2dzTXXXMPTTz9NQECAR2URpZT7hUXaAO0AXyAFOKiUKn/La+L06dNHbdiwwdNiaDSnLTt37iQmJsbTYlBUVMTo0aMZPnw49913X43qVjQGEdmolOpTW3mqNYmISB/gFmAEEF4mu1BE1gPzgf8ppTJrK4hGU1copRART4vRKFAOByiFmM1u17ElJ1MYH4/f2WfXo2SNH6UUkydPJiYmpsbKur6o1CQiIn1EZAWwDugHLAZuBa4EhgPjgKcwZtovAHEi8riI+NSvyBpN5SQ+8wy7Yjy3it9YyPjqa3LWrmXXmd3Y1a30qd/248fZN3QYedu3l0q3paeT9Oos9l50MYfGXY+9jD33dGPVqlV8+umn/Prrr/Tq1YtevXqxdOlSj8pU1Qx7JfAecLtSamdVjTiV9BXAQxg3gWfrTEKNpgakf2aExFRFRYjV6mFpPEPO2rUkVLD4V0zuxr8piosjedZrRLw3B1taGmkffUTa/z5DuSyI7h85is6rVzWEyI2SCy+8kJqYjBuCqhT2GUqpRHcaUUrlA18AX4hI6zqRTKOpBeLnh8rNJXvlSgKHDPG0OB4hZ1XVStbk5wuA7dgxjr34Eunz56Py82k2ahQt/30buVu3cfTxxyEtrSHE1dSAqrxEavU8pJQ6VlW+iISJyBsiskZEckVEiUhkmTKDRWSeiOwXkTzn69siEuqODCIS62y37HVlbcakaTpsHTyKt0feQPxdd3PkoYewZ2R4WqQGJ/W998nx86PQauWDS69j0YUjS+U7HA5W9DqfzIMHSZs7l8ChQ+j4/RLavvQimzKyGLK+iKuumEGR2Yw9O6eSXjSeoKoZ9jERWQR8rJRaWYd9RgNjgY3AH8CwCsr8GwgAngMOAJ2Ap4HhItJTKZXtRj8/YtjYXdldQTnNKcR/zOeQZ/bisdsCSP/gA3L+XEXrRx6m2WWXnTYLkfleXowZ9gyRplRiHS2gJTyJsYiW9fPPfD3rPf7bcyLDWnTi9TuvxKtrV9Zu+Js35q1kbW5LFP4AfHHhaG697TYi/zfPswPSlFDVDPtb4F/Ar84Z6zMi0qkO+vxdKdVaKTUKWFhJmTuUUiOVUh8ppVYqpd7HWOSMwlD27pCilFpb5kqvA/k1jYCiI0dImfNeORtjHl4AOG64kagvF2END+PoQw9zeNIkCg4e9ISo9U7+jh3s7BpDztq1AHx67mgAQ1k7KTp6lLjJkzlyz71kt+0AwN5WXYj39uGul+dxy1dxrMkNpWeIichCY2PQ/4IvIm/jxgYejaYqKlXYSqkbgTbAJGA/8BiwS0RWi8gUEQmqTYdKKYcbZZIrSF7vfG1fm341pxZxt99B8iuvUBQXVyr9XHZxm3kx9777PbFiInL+fNo8NY38bds5eNXVhpKvYDdcUyZnjaGos39bAUB8QKuSvBGmdQwy/c2hiTeTt+UfWj/+OD7DBtNL9hGXb2bs+xtYmtqCNoFe3GLexBVbX2ZFs4eI9bkeM3aKzGbDNVDTKKhyp6NSKkcp9bFSajDQAXgcaAa8AxwVkQUicqmINMSOyUucr1V6rLhwmdNGXiAia7X9+tRBKUWBc/t4WdezhT7P8Kh1PutzQrjho028+8VifK+8ko7ffYv/+eeT/MorHLz2WnLW/uUJ0esFZbMBIF6GV8w632hifa7nPevLvOM1iw+9ZlKUkEDEB+/T/Ppx5MVv4hvv/3Cn+TscVj8mBMVx1bY3uLLwKyadcWJGfZt5MR8MGMPhmyd5ZFya8ritaJVSR5RSLyilugPnYbj8XQJ8B9RrRBQRCQRmYSjrb9yoshi4G8Nf/AYgH/haRMZX0ccUEdkgIhuSkyua4GsaC4UHY0ltHsTycy6gKL1iK9ckn+0UmP14cYuJSS/NZ39mFuHvvE37117DnpbO4VtuIfG551EVxKZoatiKCtnYrSdFzs0xV5v+AGCo+YTyDbnpRvZ7+TDhhU9Z7wx10tu0h+sPz+fcg59yW5dtdPM7SLZtBMeLJgDwkHUB3waeS+5fp87NrSbk5+dz3nnncdZZZ9GtWzemTZvmaZFqF0tEKbUB+ApjYQ/ALe+N2iAiFoydlO2B65RSNjfku1sp9YlS6g+l1CJgMLABmFFFnTlKqT5KqT6tWrWqrJimEZC9ciUvXDSRlyOuYv+RJADs2TmooiIyVDMA+ict5aaERfRuKazOCeXGuZt49eNFWC66kI7ffUuzYUNJnzeP2BvGk79rlyeHc9IsPu7giU43MfdoPqkffkRnU/n509LQDtz06T/8mdWKdlZj8bW3SmNc5F5Gt90GjlAOF71K0rnTOd7jmpJ6XhShoNH5IzcE3t7e/Prrr2zZsoXNmzezbNky1jrXCTxFjRS2iHQRkedEJBb4FbgM+AC4uB5kw2lq+RgYAlyplPqnNu0opewYC5xhItK2DkXUeICslSvZZgkDYH+yEQ1hT58+xN91N5sdxi7HIaGbuaztfvqtn82NzePINQfwxk5vbn7xM/YnJdP+lVdoP2sWhbGxHLzyKhKffQ5bE/U73llobC7ekWUm6cUXGW1eU67MzJ0WCs1+3B2ezsBEI06Ov+UIYWofGUU3cCD8Q9o/NZ6OV5xBu6svKKn3ovVd5gy7jpzVqxtmMI0IESkJ9lQc6c/TnkbuxBJpgeGhcSPQB3AAy4FHgG+cm2bqi3eAa4ExSqlfqitcDcXf9Ok3VTiFsGdns/lICt3aHuRf5pUcSr+oJC975Upyx0STq7yx24cQY/mesB6RLNr1JbcERPF75JX8ldqWcR9sZGKPHdxx7SjO6NOblNmzSZ8/n8ylS2n7/HMEDBzo8f+Y7qKUIistHfzb43BOv8IkpVy5XLwYn/oTvgf30i86tiT9kO2/+I+9kq5nnXiqtHhZOKZuorV8wpXm1Uz1u4vbJt9CzC53l4/qlsTp0ynYWbdPQd4xXWlTxW7QYux2O71792bfvn3ceeed9O3bt07lqClVxRIZIyLfAkeB1wE/DCUd4XS5+7w+lbWIvIwRdOpmpdQ3J9mWBcNF8bC7uzc1jZOcNWtYEXEW71hnMdHyE4WFGUa6nx9FFguCIg8vjg99kYSCR/ArSuWmjlvpFZDAhRtmMzkknjyTH6/9o7j75U9IyMujzX/+Q9Q3X2Np2ZL4O+7k8I03kbdte9WCeBilFDlr/+LwhIkU2YuYalmEtxQQveK3CsufXbCXgYH7mdJ5OwEYe9uSC5+m/WMTaHVWeRNg4UX3lLw34ThtZzlms5nNmzcTHx/PunXr2LZtm0flqWqGvQBIBd7F2DxTZw6ZIlIcZb2383WkiCQDyUqplSLyMHAf8CGwV0TOd6merJTa79KWzSnfZOfncRhxTZYCcUBr4E5nX+Pqagwaz5Dz+x9sbRFFuMlYGPZRWQCMGfY0fQoPcgvLUAhhl4SR0+Ue9r3TjUj7cwz0/Z2uvc9n4ZbF3Na6E9+1HMrStFC2v72Chwe2Z8TgAUR9uYj0hQtJmf02sddeS/MrrqDVnXdgbd94PEmVw0H2b7+RMvtt8rdvxxwSwsUX2JlkWcz/gocy6a0FfFpBYL67+IZBfpsptHfisGM6hZFn0fG6Llj9vSrsJ3xIJ/jTeP+H97381Ok8Iv/+Gz/nCSwNiTsz4fomKCiIAQMGsGzZMrp37159hXqiKhv21UBbpdQ91SlrEalpVO+Fzuvfzs+znZ+fdn4u3ks7CVhT5nqyTFtm51XMQYxF0JeAnzBuOAXACKXU5zWUU9PIiPtnG20tSSWfA1Sm009Y2ODVEUHhcP6s/dv40+mJ0cSGv01m0TW0zV3Lrd3iaJkfx+gd73FDhyLiHME8+EsGD77+GQkpKYTccANnfL+E4OuvJ3PJEvaPGEnC0097fIu7sttJmjmTXWd2I/7Ou8jfvp1W//d/RP/2Kz4+xnizlRd/FJ1RYf2BzbaQbRtA7BkfEvnU9XS9pQdeARUr62KybcMBaC+pPN3tRg5df0PdDqqRk5ycTIbz756Xl8fy5cvp2rWrR2WqdIbtaoYQkdeVUvdUVM6prH8ELqgov5K2qzQQKqUG1LYtpdRaYJC79TVNB1tqKj/7tmOwaVNJmo/KI/vXX+ln2s5BRxsEheLET8JkMdHl1t4k//Nf4j/vQTv1EteGprI+tD+rV7zP5K4X8ZP3WXyZ6M26N39j6kVtuWLoxbR5/DFa3DyR5DfeJGP+52R+t5gWt91GyPgbMPn5NdiY7dk5xE2ZQt7ffwNgaduWVnfdRcCggViCg0lPTyfHuRfNRuUxr+2EkNL7GTpf1dPtvgvHz4bPjRuABdtpZxZJSEhgwoQJ2O12HA4HY8eOZfTo0R6Vyd0zHW8WkUSl1HTXRBHxB5ZR/mADjabOydu0ibVtY5ht+oEce3f8zdswiZ3j3y1mfshcjis//rKfhYPy84FWPVtRFH0X+18No0PBC/Qz/UjkhcP5fNWf/CvgH9Iumsinu5vz8MpsFm/6Hw9ffT4xXbvQbsZ0Ai65mNQ575H8yiskv/IKzS69FL9zzyXo6qsQr6pnqbUh+/ffsWdmkbtxAxnzjYdC8fKi7fTpNBs1EjGZSE9P54tPvuD7vTkMxtgwY8PC1Ue/gY7l20yScURedVaN5Ajp2rLk/c3mZaw88zwiN206bQ426NmzJ5s2baq+YAPirsL+F/CtiCQopT4CEBE/DGUdRT259Wk0rmSt34jVx5twUwpHvG7Av3AbBWZF+s/LCbsWmksuJlEVKmwAq5+VTo//i31fxNB663Tapn7PrX168f2x1hQsfY1Hzr6Ipb59WJFgZuvHW7iiwyamXDmANiNG0GzECHI3bSJ1zntkfv89md9/T+JTT+F37rk0v/JK/Pr2xdq+Xa29S5TdTu7GjWR8/jmZS38oSfe/4AKaXXopza+6EhEhIyODn1asYu76Y+y0h6IIYLjFDkC0xNPDr7yHCIDqNaJWchXzuPUzIjt/xoBx13vMW0TjpsJWSi0TkVuB95yLg78APwBnAJe4LgJqNPXFpv1xXNg6D4cSLBeOpfCXN8nHzGd9L2UG7wIgOKBqixvR13YnIWImuUs6EZr1Flc1S2T35bfyy9I/GeS7hUsGjGfuvgA+jFX88vrP3NAjgDHDLyHk7LPxe3s2tvR0kl97DXvGcXL+/JPc9UaYG3NQEF4dO+IVEYG1XTssoaHk796FV1gYpoBATL4+iJc39ox0bElJFOzbT1FiIvb09HIxUVr8+zaCr78ea6ixJy0hIYFFP/zG4v2F7LG3AlrTP8yXUaZ9XHjwGFjgUvM6I/pPBbQafPLuaBaq3bOmqWfcnWGjlPrEeQjvAmAbEAEMUErtrS/hNJpiVFERq2x+/Mu8hgzVkVYXnkn2L174UMiW5pEl5TKxYnNjP1jbfu3IiXqIg29FEmF7nm57ZtB2xB38vCePo4tnMykklIwBt/LJFpi+Bb7c/h3X9Qhi6AV9aN++PW2fesqQy24nf9cu8jZvJn/HDgoPxpKzdi22pCSoKmiSCOLjg8nPD6/wcPz798e3R3cCBg/GEhwMGHGrN23axDcr1vNTciAJjuZYBEbHhBCTtZP8P7/hGAqvDtV713oFnrzp5muv//BV7yE8VlhYL6YgTfVUqrArCeg0EwgDrsPY7r2nuJw7Ufg0mtqSv3sPB4Ja01P2c4xrMJlMNJM8JlmWMcf30pJyhpeIe2YJ/zb+RD49gYP/i6HNnidpuf91rmjWm7gJk1jy8ef4fj2dp88fxBKvs1kTB89sUry1eRV9m2XSp42VCy7oT3R0NL7duuHbrVuptlVhIYXx8Zj8/Q3FbTLhyM5G2WyYmzfH0rIlYin/308pxZvvvIfFJPx82MY2W1sKnAEqB3YMZEjuJhKX/kw+ENP3PC6JKsB/y5sl9ZMLn8Zu+pM2lp9L0vZZ5hBdky+7EnqYYrksfDq3f/45ITfdVActampKVTNsG5XvChRgs8tnVU1bGs1Jkbt5E0F+WZhF4Yi8pFTef6yflrzvKAk0k1y32zWZTJxx4/lkHf6ShPdeoHX2h3T66z5uHXMPmwvasunHpfSxr+SaIVeyzjeGhf8I3x8P4Pvj0GbvRs7y/40LolvRo3MUERERBAcHYzKZEC8vvDuWWf1rXfHpeXl5eRw5coS9Bw7y5R/bWF7UuVT+VTHN6XjgVwp/WUci0PHsPlzQqyUh62Zi2VI6+FXIM/fwz8eBtIk7obA73He1299HWZTyQuREgCxf8jk2fYZW2B6iKiX7DHobt6aRsPOf3fT0isWuzAQNLL2AFiUJJe97mmp3SEFgRDP8nnyW2E+H0Tr2eZptf4m+lkh63vYoy1duJ/bnr2gtJh6P7sb+6GH8kWDjaAb8mNWMHzdB8OZ9tDZtIlAKaCb5tA0JpHPrAHIKHeRlZ1FodxDRpiV+3l6k5eRzNCOP5OwikrIKyVFepCtfkhwBFHBCWd9/tg85X7+B9aCNQiC6z/kM7tsO65p38F67myJHOIdsj5Pd/CzCMueS2OwKulhMmK2l/1tb/Wp/GPHR3l/T/u8TTzA7fSbxp38MSqkms33/VKIqP+ynGlAOjaZK/kzJY0TYdlIcHWndoXRwyBhTXCW1aobZy0zHyQM4frAXhz9+j3aFHxC0/DYu8+9O3qPP8Nfq7Wz77SdCdm/hCiCiVx+sZw/ikLRk5d4U/o538c8+5rwAaG68lNxXApyXgWDMjIbHtKS3bxbJX7+Nj6OAwoNgBSze3ky4axy+v87A+9d9FDkiSLLfSVaPcZxxXQ8A8o+fRadAQzGbzSf8sfdE/Ebp+XrNaH/5haSsv46W5hN7zl67YBw9liyh+WWXnUTLTQO73U6fPsa6xZIlSzwtjjZjaBo/tuRk9vk1p4cc4KjU/vHeXZpHBdH8qQeJ++kqfH5/i1Y5H+L91dVc3GIAFz15F2vXx7J33RoOb94Am43Id9ed2YOb27XAt0MXsvDB3jyUQ/lWTCI4EPysJvKKHJjNZrzEQUtrEc0oQCUdornFQeqhA8Sv3kpWRjo+TjmGT7mTrgUrsax7G5Yux6ZCSbD9H/nnX0/EyGhCLSeWmXyae5e8N1mNBcFDjlA6Tzr5reQhT78Nz5xQ2Bv9OnL0wYdOC4X92muvERMTQ2ZmpqdFAapedPw/4O2aBHgSkXOAUKXUsroQTqMByNu6Df+AAsyioF3/knS7CsIsGfXWb/iwaGwXv8SBzy4jeP88mqd8j2nRCi6RAAac0x110X1sj7dzaNtWMhKPErdjK6xaUaqN4pX4Yqu6w2wh127jcJm+/JoH0TI8gl5DR9H76FuYHIWY/rjecFMEjhddT1KXKXS8ridmr8p3NAKYnYuZgmJtwlpa+bbijKDSW9a3p24nJiQGk4tvQYG9gD1pezicdZhAr0AuDjO2V5hMpf0PrjH/Tra3b9Vf3ilAfHw833//PY8//jivvPKKp8UBqp5h3wQ8LCJzgflKqS0VFRKRYGA0RvjVC4GJdSyj5jQn+Z9thJuNIIuBFwwtSc++cR3N51X8wH80+yjtAtqddN8WHwsdJw2iMPtC9n++iZCD82hh/QSOrIXPxxJjaU3Xrpfhdelo8gMiOJ5vISs1heRDB1AOB7aiIhx2OxarF2aLhaLCAqze3jRrGYp/UDDefv4EBjfHL2sf6vfXMG97q6TvAkd38u29SFBj6fhYPzpVE/ujmCxbDmCYWm796VYAtk7YWpK/I3UH1y25jgFhA7i5+838Fvcb6xLXsSdtDzaX80GGdRjGywNeBiDP0QVf024AXrLO4YLhb7EyNRVLixMH/dYXfyzYQ0pcdp222TI8gIvGVm0smjp1Ki+++CJZWVl12vfJUJXCPgdDCd8PPCQimcBWIBkjmFIwxibYM5yfvwDOVErF1qfAmtOPNXGpnOV3gFRHG4JjTkRBaB5dsdcFwPAvh9OzVU9GRY1iROQIWvienGLxCvCi0y19sdvOZcfsSfgk7aCZYxMB9nV4b/0Qtr2PD+CFlZbiRQffUKTLMBx5SZiLUlESjMPSClNwEI6sFNTOw1jStmEuTCrXV6GjM4mFD2Ee1Y+2F7ajual6v3JXvjz4Fb0BkfI+A0WOIjYfXA7AivgVrIhfgVXM9LI0Z2KB0C09mb1eVmYHB/HToZ9wKAcmMWG7+RsKPhqNt8nYI3fEFETm99+fst4iS5YsITQ0lN69e7NixQpPi1NCVYuOCvgE+ERE+gIjgL4YStoHI/TqH8DzwLdKqYx6l1ZzWvJ3gYmnAnaQ5uhLC6fycigHSblJlW3s4+5CL37KPMIL615g5vqZDIwYyDWdrqFfu36lzAA1xWwxceY9ZwNn43CMI3lzMul/7sMn9R8CbbvwMR3CTCbeOZuRTe+W1HMob0yASQpwKF9sqjU2WlGguqCwUKDakOI3EiI6E3V1NBE18OxIyUth8o+TeXPwm4QHhlMkhhnlRCAsE5uSNvHZzs9YdWQVWUUnZowvHS/kgvRjBFp8IaIf9B1HdNoxXs/9B4stgfM/O591N6wjMKodWRO+wftTY5HzTvO3HJv+Z4Mo7OpmwvXBqlWr+O6771i6dCn5+flkZmYyfvx45s2b1+CyuOLu1vS/gNPzJE6Nx7H72gmUPNJDToRFf3r1U3y172u2VlJniiOAKbs2sc/Hj28ievLd0TX8fOhn2vm348roKxkZNZJIlx2StcFkMtH6nNa0Pqc1cAEOh4OcIzkcP5RJ1p50OHYIh28IyuSNydeKyUtwFDkQsxlrsA9eQV54h/jg29KPoDa+hNRwJl3M4n3fceD4Ab7Y9TkPnPsggXbDxt1eUkmJ+AqACT/cRLA1gKESQM/UdO48ez5fbLmPS9q0hWE3cKj9Rcw/lsXCuESOBJkgCALSPobs5SUufIFnRJAmowhRS3nQuoCXu40l5qS+wcbLjBkzmDHDOAJ2xYoVzJw50+PKGrSXiKaRoxwO2liNwwr8+w4BIDEnka/2fQ3AJp/JnJ3/Qbl6e2/4gU7Z+4neOJcH/lnAPQWZ/Nq+K18GeDF7y2ze/eddBkUM4rou13Fum3PrxKfYZDIRGB5IYHggXNgeaJhA9/kJRkQ5U8I/JOcmYwkMM4yULgxSPkzfuwM/ix//63w9AI+deR/P9b6YNw8lsGrDfkQ5iGYP0Qj7pAvZIRPwyV5Oz096ltjAA6fOgVeN8zR/iDyf+xtkhJpiav9sqNE0AI7MTDqYEshRvgSfa7ioLdz2MQozNms4R1tV7K0weP1OnsxsRuKQF+CBPXhd9hojCuG9rb/z87FMbvDtwLqEv5j802Su+vYq5m6bS1p+0zyENz/XiND3UfpmBi0cxK42UeXKPH00Hr+RL8EDezgWZWw82m8NY9w/B9iRcYSx6n88VfAEj/ke4LMuJ8wxKRHGLtIiRxEA1uaBJXnNvBqHq1t9M2DAgEbhgw1aYWsaOYWpqURKAgmqDSarmeMFx5m/+wtsbZ4hve109klehfX6qt/54EgK567eykP7EzjS7Xq4Yy3c9C1togby4PYVLN+3i6d8OxEoZl7e+DKDFw7mvhX3sfroamyOxh+Z7uDxg8z5Zw4fHt9GkdcZJduSl4eUj3bc/Iq3ONJzAtMOp/Fi1ok41xPt73FV3CecUXA+Nw3+jpH9HiOi/dX8Rz1eUkZh5oLP+pdrc6x5RR2PSFMd2iSiadQcP55NuCmZI46ORAPfbP+UdEsbMrwiANgbWN4neb+lHRnrzNzX7U3+9o/hfwmDmJ+QwQ1tA/m/qAto3XEADHgUn3VzuGbzZ1xTlMv+qH582SqS7xLW8fOhnwn2DmZoh6GMiBrBOaHnYDZV7fvcEDiUg20p21gZv5I/4v9gZ5oRl9ruezYZre6jRfr7rN86j6gIM9+0GsTC1sNL6r7o3YvX1mxDoein1tCeONqmxPLjget5/pr+XNSp9EG8Uy5ewDN/GIE4UyLm0urwjeTZ8vC1nHiiuc6yov4HrSmFVtiaRk3ssTR6ksUBFYhSiq92zqdV0FiKQx7t9S6/r2tB4GDuHjCGx7/qQljgYV7s+ymLi8L4JGEQnyX+w83tQrg78gxaXvoyDHwcNn7EGes/5KGDa7inWRh/drmEH70Uiw8sZsGeBbTybcXwyOEMihhE95bdSymt+iazMJPNSZtZdWQVC/cspMhRhElMdA+J4cGw4QxPOsy7EsRsYKg5CF9lzLP/fea0Uu28Enec/moV1/vs4/0/z2BJ2kXAxax7fDChgT7l+rVY/PkieAHXpo8FwGZpy3n/O4+tE7aSIv1pqVYD4MjPp2DPHnx7un/0mKb2aIWtadSkJCXhJwUUEsCWxI0cxEqK74UMcPzBCtNF2M3+5eo4MHH5We04OzyIez7fxOPft2NSXzs3dljA3Iw2zDlyCfOOpnJHRGsmh7cl6KL7of+9sGcZPuvfY8j6zxiCIjesD79HDWKZymTB7gXM2zkPi8nCWa3OIsAawKCIQcSExBAdHI3VVPsAS8UopYjLiuPVja+SWZhJgb2ALcnGfjWryUrflj0ZJoEMOnaA5pt+AXsh+IdS2PFyALyxw1PH4bfN5dq+WFZxYUF7Hvy5I+2a+zK8WzOeHH1mhcq6mEt6TS9pK73di7Q6fCNxmXGoS5+HJQMBSJz2FMe//ZboFb9hbVOZk6WmrnBbYTvPb5yMcRxYC2CKUmqviFwHbFZK7aonGTWnMYVphodIvjmQbza+TvOQUaTi4N6OPVl1sBCbuXm5Og6nx0d4iB8LbuvHa8v38taKfaw8MJLXr/HnQPrnzE7vzEuH+jAn7hj3RbVnQvvW+MSMhpjRkHkU/lmA35b5jPjjbUaYLGR16M+msB6ssjpYk7aDjcc2sjJ+JWAo0w7NOtDCpwVRzaMI8Q3By+RFqF8oNocNhzNUvNlkxsfiQ74tn4z8DI4XHiezIJOUvBRS8lOIPR5LZuGJhbweLbpzbet+DHJ40ytuM35/GZ4xtIqB86ZA5xHQoT+HVy4C4ONm1/JxBcoaICrNxCvrvBl3XjiPjYoh0KfmN5i8Zpcx6utR/HDOFyVp2Tt2kBgQQlRmplbYDYBbCltEwoEVGIcX7MLwVypeLh4IDAFuqQf5NKc5thxjUdFu8eX79C0ktL+Lvo4t9Iu6haLYzezyHgm8UKpOkcts12o28cDwLnRuE8ijX/7Dle/l8swVdzH/nGR+2juX17L6M22/hTdi47k1vC23RbTDp1k7uHAqXHAvHP0bdi4mcMd3XHzwd+PwUt8QioLCORTZlz3+QWwln/iCdPZm7GNd4jqUm1GJzWLGz+pHqG8oLXxbMKDt+fQ0N6P7n2/RRXyxHPsLclONwmHnwdBnjRtKSOk42+nKm+rObFi0vj2PjOzKvy85o+qCVZAdNBafzMXkuoQXer59f1Z268FHN9zMwPWrat22xj3cnWG/jOHZ2Qk4ChS65K0EnqpbsTQaA7vN+KnlOfKwhAzFjpnbIyKqrJMn5R/zLz+rHb07BHPv/E08+tVWlnZqyZwbZzIk+y++2fs/5ud0Y0aslTlxCUxo35qJYW0J9bZC+97GNXgapOyFgyvhwAqsu5YQnbCFaGAUgE8QtOwM/t0o8vInx8uXJIsFX69ATFY/zLYCikQoMFvxsRcRlJ+Nf04qknkECh1waAOkx7pIXAC9xkNQBPSeCIGlt+HbHIqlyRnMORzLBoksSRflwIsCCuSEnf0+NYO14fdw60UVHKdeDZP5gg+4tuRzSsSn3LnydoqPR9jRPIIz5AgJzes/pogniIyMJDAwELPZjMViYcOGDR6Vx12FPRTDBHJYRMoulx8B5xlGGk0dY3cUgQlSbcc55nsdvdQ/DOk0oco6jnI/UYP2Qb58PuV8Zq/Yzys/72HMO2t46/pzuPm8/lx1fAPf7P6ML3K68Mrh3rx5OJnRLX34d2QUPQP9QARadTau84yAShRkQeI2OLoJUvfCsR2QcRhrQRZBBVkEFWRCZe6BFh+w+oJvMPi1gDY9oMe/DKUfPQT8QspVUUqxMTOXrxISWZqcRqLNSrBKAzGUpVUVsv/Cjlw5913+7nTi0IH3ll/HG9d3xGyq+eagpy58hLZ/jOc5ebYkrcilnXutixhv+YXz+rzFOIcDqeVuzcbMb7/9RsuWLasv2AC4q7C9gMpCVjUHiupGHI2mDMqYYce1aEauBHJZgDfFx41epH7jDxlYroqtilghFrOJewZ34sy2zbh/4RZGv/En/ze0MxP79+Hmvudy9fHNrIn9mk/SAliafAFfpezhTJ8ixodFcFnrEFp5udh+vQOhQz/jqlB2ZSwMFuaA1c9Q3rZ8Q1l7+Rs3ATc4mFvAJ0eS+CEpkdhCK1ZVSHf+4SbvXVwTcTZfbvclPf1dlu4ZTOefkokIPxEb+zE1jVccU+h3Ru0UjtXanDsHfstzK/4pSTsU/QIkG7Gwz3VG8GslxynYtw+fzg0f9+N0wl2F/Q9wDVBRnOuRwMY6k0ijcUE5bGCGhBYdCFWJ3NLrxMzxo/NGEb2+/MYZeyUzbFeGnNmapfdexNTPN/Hskh38uC2RZ67sRtc2vRhxVi8G5Cew58hXvH04kb/y+vLYPitP7jtCnwDF4FbtiPb3ZWiL5lirmrWKgMXbuIrxDqi8vJPV6dlk2uxsz8ri/fgE0u3GTSJCHeF26xquatuOyNBBBAZORkTI3LSdT7eMLalvc+5Lb6GSefUnY2mpuW/tvVhETLwU8CMPZht+3TbTCZNTF1M8AN97P8bOm+YRs3ZNrfupjN/mziHp0IE6bTO0Q0cGTpxSbTkRYdiwYYgIt912G1OmVF+nPnFXYb8ELHLGW/jMmXamiFyB4TlyeT3IptGgMEwK8T6R9FWxeHmdOM8xIKALpc+CNrC7ucmlfZAvC27rx8IN8Tz3/Q4uf3MVj4+KYfz5HfDxaUvPM+7krahCUlJ+Y+3Rb1icbuLvrLOZnn2i/XP9izg3qAU9mgfTxd+H9t5WAi1mTG7Mnh1KkV5kJ7XIRmxeAduyMll4NIGDhSfiXnsrG/9iIcOaFdK3w2W0ajmj5AkDID2nkLmrY0u1W1hoxAFPlVb4cITh3SoPQ+su4/s8xOD0nZyzpRBVydg2BLQ95YJBrVq1inbt2pGUlMTQoUPp2rUrF19cfidpQ+FutL6vROQOjOX4Sc7kTzDMJHfpE2Y09YU4A+oXmixM7HhWufx/y/fs9I8iJufE4bv2GoRPFRHGnhvO4JhQ/m/BFqZ9t50v1sfxzBXd6BMZgsnkRWjocC4PHc4oWw6paSvZlPAtC1LBhoU92TG8nW1GHTnhjmfFQYDZTpBZYRbDgcOhwGICb1Hk2CHNZuK4w4KjjHtHM5VHa1IZyg9c0zaMLq0vICjoWUwm71LlsgtsvLNiP2/+tq9U+v7po3h1/U/MdDk4/rXrznb7+6jqe2oXciYbuv/FeVsrVhvT+tzMdYmJde7e585MuL5o1864+YWGhnLVVVexbt26xq+wAZRS74jIp0A/IBQjHvZqpVTjOY5Bc8ohYijs5uY0+keWP8/xms7/Yqh9ODM3zOC6PCMwv01qvh+sRYA3H998Lt9vTeD573cy5p01XNqjLQ+P6EpEC+NwXYvFn9ahoxgROooRgM2WTWbmP6QeX8fOzCT+OZ7BcYeFVEcAeTZfsmyBODCjEEw4sGPGhpkgCongOM0lk2CTjRCriWCrle6B/kQ0j6JFiwF4e42sUM6s/CI+WXOID/48SEZuIedFhTCgSyteXLabR0Z2xWwSJsZ0Y+bGFKxO+7+Pte621Ye16ovi7wrzRpvWsm/AQ8Ts2lln/XmSnJwcHA4HgYGB5OTk8NNPP/Gf//zHozLV6JetlMoBlteTLBpNOUQZ69nBKrXCEKgRwW2xmXJJc9lA094RX7u+RBjdsx2DuoYy5/cDvLvyAD/tSGRCv0juGBhNiH/pI7oslgBCQvoTEtKfTpywCzocRdjteRQVpaGUHVCImHE4CgHBYgnAYgnEbA5wO6xrUmY+7/1xgM/XxZFVYGNAl1ZMHdKZXuFBANwxILqkbMtmYYxInsORoy15+tbra/VdVIWq5Anmda83+SB8+CljFjl27BhXXXUVADabjeuvv54RI0ZUU6t+cXfjTFXPAA7gOLBLKaW9RTR1it1sB6ClqbDC/GY+xiKe3SXwpDXbvY0rleHnZWHqkM6MOy+CV37aw4erDvLZusOMP78Dky+MonWzyrdzA5hMVkwmK1Zrs5OSA2BXYibv/3GQbzcfweZQjO7ZjikXdaRHWPkdnq68c9U0iuyOWu1orI7lHfON3RcV8GzvCUxooLMe65uOHTuyZUuFR9l6DHdn2Cug2u1buSLyulIucRk1mpPEYS0CB4T5BVaYXzxDdbVbi6PCojWmdTMf/jumJ5MujOLN3/bxwZ8H+fDPgwzo0goR4dGRXenYqnqvj5ryzOId5BXZWLYtkfTcInytZq4/L4JJF0bRoUX52CkV4WM116kpxJVAv8oXMd+2vsreC46cMmaRxoa7CvsK4A1gC7AIOAa0BsYCPYEnMc57fEhE0pVSM+tBVs1piNlkAwe0qOYEdFeFHeioOEZ2benSJpA3xp3Ng8O68MmaWD5eE0uRXfHzjmO0CvTmirPa0TM8iEs6taJ5Dc5iLCa/yM6+pGzWHkjlh22JbDxkxCIM8rNy60VR3DkwmiA/905Mbwi8LZU/YYw0r+f1jlecMmaRxoa7CvtKYJlS6t9l0j8VkXeBgUqpm0XEjuHmpxW2pk4wY8OuhOb+VT9iO1xMIu28sutFlogWfjwx+kweGdmVX3clsTkug1X7UvhodSx2h/EAGuhtwdfLTFRLfzq2CiArv4isfBv5RXa6tgnEx8tMdr6Noxl5JBzPJzEzn4zcE5bEQB8Lgd4WZo8/hwujW9bJ0WV1jcVS9U1pVs9/cbfzHEhN3eKuwr4KXAIKlGYRUBy+axngWc9yzSmFCTuFWGnhH1plOZvLZhkfX3u9ymQxmxjWrQ3Duhnua/lFdr7bcpRV+1I4nJaLr9VMbEoOOxIyESAz30agj4UdRzMpsDnw9TITFuxLWLAvfSKDadvcF7NJGNQ1lM6tKzb9NCZ8rb48EzyJ/6R/WGH+Uq9HSX79AKH33tvAkp36uKuwzcAZUBLzxZVoZz4YAaIKKiij0dQKC3YKxEqrwMoV9hshu9jjYhLZENalQXdy+VjNjO0Tztg+4RXmq1Nstull8abIq3ITTVdTHNsz86j6FqupDe7uMFgKTBeRa4qDP4mIWUTGAM8D3zvLdQP2172YmtMVs3OG3TIgqNIy/zrrOoJtxwFIJZA8Ux2tOtYRp5KyBrBaLDgCqjaL3J4X2TDCnGa4q7DvBrYDC4E8ETkG5AELgG3OfDDc+6bXtZCa0xerslGAlWBv9xbdbFgosDf+A3SbOr8H96ky/y75pYEkqV8yMjIYM2YMXbt2JSYmhjVr6j5WSk1wd2t6CnCRiAzD8AZpCyQAa5VSP7uU+7hepNSclmR8/Q1mZacQCxZz1XOL4s0cNkyYzMENId5pzV7/yCrz20tcwwhSz9x7772MGDGCRYsWUVhYSG5ubvWV6pEaBa9VSv2klHpWKXWH87Uim7ZGc9I4cnOJffxJrMpGkVTvKlcck8OBiYFRF9a3eKc9o/O+LfV5fPcX2BTYlat6zALgYFFbD0hVt2RmZvL7778zefJkALy8vAgKCvKoTPoQXk2jJD8nlysvf4HPbM+R6eVXbXnlVNh2TFzRtX99i3fa07HMDHt5i34sb9EPP1sOAKnedXeQQcbi/RQezamz9gC82vkTdFnVx6UdOHCAVq1acfPNN7NlyxZ69+7Na6+9hr+/e5uX6gO3v1URmSIim0QkV0TsZa8atBMmIm+IyBpnW0rE5Ywjo8xgEZknIvtFJM/5+raIuLXwLCImEXlURGJFJF9EtojINe7KqPE8Rw8lMMH8Iz1NB8iq4GT0sijlnGGfgieeNEYevvAGEih/Kk6+2dhU41PHm5c8gc1m4++//+b2229n06ZN+Pv788ILL1RfsR5xN5bITRg7HT8GzgI+BKwY8W6Sgf/VoM9ojB2SG4E/gGEVlPk3EAA8BxzAOEvyaWC4iPRUSlW3M+JZ4AHgcWc/1wELRWS0UmppDWTVeIi0I8d42mosiWSaq59h59kMs8lxc91vFdeUx2y2UODlXXK663edLHx5YBOXtjdOnLnN8j1HH36YlnfcgVeHDifVV3Uz4foiLCyMsLAw+vbtC8CYMWM8rrDdnY5MBWYAtzs/z1ZKTQA6YniLpNagz9+VUq2VUqMwvE4q4g6l1Eil1EdKqZVKqfeBcUAUhrKvFOcs/AHgBaXUTKXUb0qp24DfKHu8tqbRkpB4Ir51thsKu4OfsZ07NrjqLeyauuPH1obpaU77MZwX1p3/XnwjF0Se8B5Z+/tm9gwfibLX70am+qJNmzaEh4eze7dxDNovv/zCmWee6VGZ3LVhdwJ+x4jM58A44xGlVLqIPI/hi/2mOw0ppap1klVKJVeQvN75Wt2Bv8Od8s0rkz4P+FBEopRSB8tX0zQmkrNP/ATSrFVHpgOw+xdBGsQ1a/pR4poKe8LO5m6/zmQGNy/Z3mw2n9hxet8ldyMK/pr9DqF33+kZIU+SN954gxtuuIHCwkI6duzIRx995FF53FXYeYBJKaVEJBFjZr3WmZcNNMS05hLna3VhwLph7LbcVyZ9u/P1TKBKhb17924GDBhQKm3s2LHccccd5ObmMmrUqJL0+Lh9+DtyuHj4lbzxzkekpKQwZsyYcm3efvvtXHvttcTFxXHjjTeWy7///vu57LLL2L17N7fddlu5/CeeeIIhQ4awefNmpk6dWi5/+vTp9O/fn9WrV/PYY4+Vy581axa9evVi+fLlPPfcc+Xy3333Xbp06cLixYt5+eWXy+V/+umnhIeH88UXX/D222+Xy1+0aBEtW7Zk7ty5zJ07t1z+0qVL8fPzY/bs2SxYsKBc/ooVKwCYOXMmS5Ys4UjsfuZhLDQd81tG8S7nZ599ll9+Ke3j26JFC+567n4e3t6FzD8zGfD+gFL5YWFhzJtn3L+nTp3K5s2bS+V37tyZOXPmADBlyhT27NlTKr9Xr17MmjULgPHjxxMfXzredr9+/ZgxYwYA11xzDamppR84Bw8ezJNPPgnAyJEjycsrbd8dPXo0DzzwAEC53x1U/tsrZuLEiUycONEjv730/BzefuU1gJLfXkKCD20LUonkSlJUMx7rfgWvX7CJ1Wmpbv/2pk2bhsm5HhEVFYWXlxdpaWkkJ5efy3Xs2BGr1UpKSkq57x4gOjoas9lMUlIS6enp5fK7dOkCQGJiIsePHy+V5+fnx4YNGwA4evQoSUlJJCUlleSbzWaio41Y5PHx8eTknFgcTUxM5Pnnny/12ztZ3DWJbMWwPYNhd35MRPqJyLnAU8Cuk5akCkQkEJiFoay/qaZ4CJChlCobDjbNJb+iPqaIyAYR2VBU5H5Yb8FOsMoiN08fvFOX5LtsNTe7sXFxYEx//jvmeYJ8tQ27IQn2Kb8g3LJlxxPvJZPdbVrz2UfvNaRYpy5KqWovjMBPjzrfRwOxgN15ZQAD3GmngnZvwYizHVlFGQuwBOP8yJ5utPkekFBBeidnXzdW10bv3r2Vu7z+31uVmtZMvf/2c27XqW8cDruy2wuU3V6gHA6Hp8WpMfaiIjXp0aeVmtZMqWnN1LzXH/C0SJrakH5IZT/dWh3+T0d1zoufq6z0ZLer7tixox4FaxgqGgOwQdVCVxZf7u50/MLl/T4R6YZxtqMfxrmOKbW/ZVSOGMdDfwwMAS5VSv3jRrU0IFhExPkFFRPskl/n7PTJ5rGfpmPDjk0pbEoZdzQFNoyNHXYR7AgOBAcmFIISQWH4ERdv/lCcSFNQ8qkYm1iwY8GGFbtYsIkVO1bs4kW++FKIDwX4YMeEBVvJZXZehs+yOFsU578KqyrASgFWVYiXOvEaoHIJVjkEiY0WfmFceeaVRLaMrPPv0OFw8NGfM/klxcFnXifMMsP6VuRIpGn0BEXgf/N3+H4wjMmZi1m30ZdBgxsyLNepR02OCPtbOd3plMvZjiLiLyIXK6V+rwf53sGY3Y9RSrkbnGA74I0RXdDVjl28vLuj7sQDi/NxfVXA+Ry0uue+JMqBCTsmp4o2VLUquXA4TqhvKVaughJAgcVRiNVehNVmw2SzYbHbMNkcmAvtBOZnQUE2jgJDLZssgFkhFsAMygQ4fZZV8X1AgVgUyiLYvSzkWrw57hVMkZcX+VZfck2BJ87xs8OL/6QSrtbT2n4EX0cB/hTiL4rmZgt+Fm9MYsIsJgrsRfhavGnfrDWdQyLpHNIeX5+WmM3eKOUgvyCNXw+uZX/6YfYcP8xmaw/2yVC8Dpe2Q7Y6W+9cbLKEn8dKr3OYXLCMr5IGeVqak0a5/qcBROrnVJ/KcHfR8TeMGfW6CvK6OvPrVHIReRnDZDJBKfVNDaouw/AOvQHDd7uY8cA2VcceIsHZVrDAGZsP00ZlY8eETZmwAVZViDeFeJOPhSKMjdOGo42jZIZrKGxvMfKd82as2HBgwoYJO2bsWFCACQcW7HhRhFVseGFcLeQ40XKUtpJKqGQQQiYKE5n4kqX8yMKPbOWLVWwY83M7FhyYsWPHTCZ+ZCk/MvEjs+TVnwzlTy5+5BBAJs0weXvhF57M/vZh7LL0JNcSiM1163jphwHj8SLNuEQlEsg+AsjEhpV0gimSMCAMfPoTlJ1Miw2HuKhok9MPCZi8HKy+dfkn0zQw+83hDJSNZObH43AUYDJ517qtYoWplAOp4DDgsmlKOXA4bNgcNvLtRdgdDqM+CodS2B0O7MqBA7ArhQLsCHaxOA/FkJJdtMplWgVgpYCuzVrWeiy1wV2FXVV8SG8MW7bbOMOyAvR2vo4UkWQgWSm1UkQeBu7D2KCzV0TOd6merJTa79KWDfhYKTUZQCmVJCKvAo+KSBbwN8YsfRDGUWd1SotAH8iDOeZnOaaC8BYbXhThSwH+0rChwdNoSZ53G2h2Bjkt2iKiICsNv+wMfAuyaV2UjV2sYPIGMaPEAiYz4rARXJSN2ZGIlyMXL5WPD/mYpPwxnn/bo3lv36WE7BK6FCZiJ5lWecfplL8fCczAHFCI3c8Lm1mQ7CIwQWqQL2mBvqQ38yfDN4AcrwDMykaX/ByijibT+lA6++w9+M2nAy9aZ3Op1zqK/MOw3vUn+OpATk0dq1M7vBl0PrNX/EoAmZiU/YQCFEE5TYRFeKEQZga3Q2VmgIvhzlDVppJ6QvnfpzEhOoExRTKhMGHs9asCKX5xYKEIU/GJ97gYENUJtW1xNHwY30oVtnO7eEeXpD4iUnYJ3heYBByuYb9lN8zMdr6uBAYAI52fJzkvVz4GJrp8NlN+dv84hrvhvUAbYDcwVim1uIZyVsugW+/h+MK9oBy08vZFvHwwe/lh8vanqFk7zH5BmHyaGbNEk9WwUYg4TR1OxARWPyPPbAWzl9OWAdiLwF4IjiLDhmG2gtnbeLV4G2WdV4gbMTfcxuGAgkzIS4O8dMhJpTB+M9F/vsvbptc4am3BAe82tJU0DgW25jP7YOJVJAmqBY5cb0yAgwKwgz3VG/8URXOHjbaF+XTMzyHABgebhbHcqytpVgvDvNezxvoSwZKNI/JirGM/1sr6FKF5nhXM0DN9M0d8/Mk3B1KEyWW+ajxvmpTCWxUh4kBUa0yqtLeWq/kQTsSPKf6fpDihXoux4MCkDLVtVgpRznacut6swOJQWJTC7ACrA0w2B0VFdrbvP8QtU+82ehM4FHeYB6c+yOTJt6EwYTZZKvE5qz+k9LqcS4bINGAapR9wXWfayvnZBtyplDpl/Hb69Omjin0vNWVw2FG7fyD397fwTlyPRZV3gSxQVmyYSp4w8pWVJIKJdbRhlwonVrUhX1npYornItM22ksyzcXpvzrgUbjk4dI3NE2T5rtpd3K5zGPevmu52MuONTwck78/YrWC3YayO4zflUOB3Y5y2EkdPpwuHTpAcWwYpVA2m7Fr0uEwLjGBcjgXYwCzGbGcmIMqu91oz2bD5oBCiw92kwVQKDHhEMEhZuwmE3YxGU4BIhQhKBTeFJbMrpXdRr9zz+G7774jIrwdJhRKmWgXVvEpQwA7d+4kJqb0ccQislEpVXUw8SqoyiQyF1iBoZR/Be6k/IJdAbBHKVUvnheaRojJjMSMxj9mtPEfJTcVMg4DynjNOIx3dhLeDhvKbkOatcU7N5X2aYdok7iDCzN/KHlsdWDC0bonlsBoaNUVLrof/Bp4yqKpdyz+gZALn4afzeuOdrTOtWHOOTEPVIBdhDwxUYShlKYpLw7ZfcGuSswhdvHBbpFS9YpnjSeW5l1mlSawWwW7s5xhGCnxz8KEwowdE3asYsPPuXbkSwHeFJWaM/z0xxo6d2hHvwhviiNx2M21t8XXlkoVtlLqEHAIQEQGYniJ6N0hmhOIgH9L4wJo37t0tstrid3KYYesRMjPwNQ83DAXaU5p+g/oA0thvtfzrHV0Y7cKI1P5UYAXZuciugU73lKEFzZMOPCVyQSajqOAP9esIzU1rdSSnzEHNihvEjmBi49VKZt3mxbNGdm/RzlZlZjB6ot4hRhmSjGBCJ8ve4Vx42+C0DOdaYYnVEPjrh/2yvoWRHOaYDJD8/bGpTktCDrnMsh9jOBDqxiRuJVReWurrbOTcbQWYxu5P/lkUWx6kwrMZS4quyRUkXIpKyBml7UjAe9mEBzlXFMygdkCJkuFnieFhYV89/0PzHhxprFu5EGqWnQ8SGn7dVUopZRnYiBqNJrGjcUbBjx8wlyRlwGF2VCUZ9zATVZjEd1kObHwvu8QtOkKKEZe3cNp0zB7ZG3jhx9+4JxzzqF169YN3ndZqpphr8R9ha3RaDTu4RtkXFUhcmLB0cPMnz+fcePGeVoMoGob9sQGlEOj0WgaHbm5ufz888+8++67nhYF0Gc6ajQaTaX4+flVGLLVU9TkTMceIrJIRJJFxCYiSSKyQETKL7VqNBqNps5xN/jTuRg27TzgOyARYwfhZcClzuBPG+tNSo1Go9G4bRKZAWwDBrv6YjsPFljuzNcxMDUajaYecdckcj4wo+zGGefn/2JE8tNoNBpNPeKuwq7OvU+7/2k0Gk09467C/gvjHMdA10QR8Qce5sSBvBqNRqOpJ9y1YT+GEQjqkIgsARIwFh0vxQixOqA+hNNoNBpP8uqrr/L+++8jIvTo0YOPPvoIHx8fj8nj1gxbKbUOw479KzAc43CBEc7P5yul1tebhBqNRuMBjhw5wuuvv86GDRvYtm0bdrudzz//3KMyub1xxnkA7phqC2o0Gs0pgs1mIy8vD6vVSm5uLu3atfOoPO76Yd8DzFdKJdezPBqNRlOKPXueJSt7Z522GRgQQ+fOT1ZZpn379jzwwANERETg6+vLsGHDGDbMs97L7i46vgwcEZElIvIvEfFsjEGNRqOpZ9LT0/n22285ePAgR48eJScnh3nz5nlUJndNIuEYp5CPB74AMkVkIfCJUuqP+hJOo9FoqpsJ1xfLly8nKiqKVq1aAXD11VezevVqxo8f7xF5wP1Fx0Sl1MtKqbOBs4A5GIuPK0UkVkSerU8hNRqNpqGJiIhg7dq15ObmopTil19+KXdGY0NT44CzSqmtSqmHgA4YsUTMGG5/Go1Gc8rQt29fxowZwznnnEOPHj1wOBxMmTLFozLVKryqiFyCYR4ZAzQH9BHjGo3mlOPpp5/m6aef9rQYJbitsEWkK3Ajhi07AjgMzMawY++uH/E0Go1GU4y7bn0bgLOBLOBLDCWtD+bVaDSaBsTdGfYx4HrgW6VUfj3Ko9FoNJpKcEthK6UurW9BNBqNRlM1jeNYYo1Go9FUi1bYGo1G00TQCluj0Wgq4bXXXqN79+5069aNWbNmeVocrbA1Go2mIrZt28Z7773HunXr2LJlC0uWLGHv3r0elUkrbI1Go6mAnTt3cv755+Pn54fFYuGSSy7h66+/9qhM7vphdwaCnAcZICK+wH+A7sCPSqk3609EjUZzOvPk3ni2ZefVaZvdA3x5tlNY1WW6d+fxxx8nNTUVX19fli5dSp8+fepUjprirh/2m8BmYJ3z8/PAXcBW4FURUUqpt+pePI1Go/EMMTExPPzwwwwdOpSAgADOOussLJZaRfOoM9ztvSfwFoCImICbgIeVUq+KyDRgSnG+RqPR1CXVzYTrk8mTJzN58mQAHnvsMcLCPCcLuG/DDgJSne/PBoKBRc7PK4COdSqVRqPRNAKSkpIAOHz4MF999RXjxo3zqDw12ZoeDfwJDAP2K6XinHkBgK0eZNNoNBqPcs0115CamorVauWtt94iODjYo/K4q7C/A2aISHdgIvCuS14P4EAdy6XRaDQe548/GteBWu4q7EcAH4xTZr7DWHQs5nLgpzqWS6PRaDRlcDf4Uw5wayV5/etUIo1Go9FUiN44o9FoNE0EdzfO/FpNEaWUGlwH8mg0Go2mEtydYZsAKXO1BC4AOjs/u4WIhInIGyKyRkRyRUSJSGSZMoEiMlNEVohIprPMgBr0EeusU/a60t02NBqNprHhrg17QEXpInIG8A0wvQZ9RgNjgY3AHxhugmVpAUwC/gZ+Bq6uQfvF/Ag8VSZNnz2p0WiaLCdlw1ZK7QdeAF6qQbXflVKtlVKjgIWVlDmklApRSg0B3q6leClKqbVlrvRatqXRaE4zJk2aRGhoKN27dy9JS0tLY+jQoXTq1ImhQ4eSnt6wKqUuFh2TMcwibqGUcrhRRp2URBqNRnOSTJw4kWXLlpVKe+GFFxg8eDB79+5l8ODBvPDCCw0q00kpbBEJAe4D9teNOHXKZU4beYGIrNX2a41GUxMuvvhiQkJCSqV9++23TJgwAYAJEybwzTffNKhM7nqJHATKznq9gNbO99fUpVB1wGJgPXAQQ8a7gK9F5Eal1LyKKojIFIwgVkRERDSUnBqNphqeXrydHUcz67TNM9s1Y9pl3Wpc79ixY7Rt2xaAtm3blsQaaSjc3em4kvIKOx84BCx02rIbDUqpu10/i8jXwFpgBlChwlZKzQHmAPTp00ebZDQaTaPDXS+RifUsR72ilLKLyELgvyLSVimV4GmZNBqNe9RmJlxftG7dmoSEBNq2bUtCQgKhoaEN2v/ptNOx2Fdcz541Gk2tuPzyy/n4448B+Pjjj7niiisatP8qFbZzA8twERktIgHOtC4iMl9Etjs3ttTGR7pBEREL8C/gsFIq0dPyaDSaxs+4cePo168fu3fvJiwsjA8++IBHHnmEn3/+mU6dOvHzzz/zyCOPNKhMlZpEnOc4LgfaY8xOE0XkMuAH5+cDGGc6LhSR4Uqp5e52KiJjnG97O19HikgykKyUWuksMxLwxwjfCnCJiLQEcpRSP7i0ZQM+VkpNdn4eB1wBLAXiMBYd73T25dno4xqNpskwf/78CtN/+eWXBpbkBFXZsJ/FWFgcBmRh7Gb8BtgEXKGUyhcRP2AJRvhVtxU25TfMzHa+rgQGON+/DXRwKfOU8/UQEOmSbnZexRwEQjE284QAuRgeIyOUUj/WQEaNRqNpVFSlsC8AHlFK/QIgIncD24E7lFL5AEqpXBF5gxruRlRKVRt7RCkVWZu2lFJrgUE1kUej0WiaAlXZsNtQekNM8fujZcolAK3qUiiNRqPRlKcqhW0C7C6fi9+X9bLQXhcajUbTAFTnh91eRIpPRDe7pGW4lPHsue/1wO7duxkwYECptLFjx3LHHXeQm5vLqFGjytWZOHEiEydOJCUlhTFjxpTLv/3227n22muJi4vjxhtvLJd///33c9lll7F7925uu+22cvlPPPEEQ4YMYfPmzUydOrVc/vTp0+nfvz+rV6/mscceK5c/a9YsevXqxfLly3nuuefK5b/77rt06dKFxYsX8/LLL5fL//TTTwkPD+eLL77g7bfLW8AWLVpEy5YtmTt3LnPnzi2Xv3TpUvz8/Jg9ezYLFiwol79ixQoAZs6cyZIlS0rl+fr68sMPxjrzs88+W27Rp0WLFnz55ZcAPProo6xZs6ZUflhYGPPmGfulpk6dyubNm0vld+7cmTlz5gAwZcoU9uzZUyq/V69ezJo1C4Dx48cTHx9fKr9fv37MmDEDOHFoqyuDBw/mySefBGDkyJHk5eWVyh89ejQPPPAAQLnfHZyev71p06ZhMhnzyaioKLy8vEhLSyM5Oblc/Y4dO2K1WklJSSn33QNER0djNptJSkqqMFhTly5dAEhMTOT48eOl8kSEzp2NUElHjx4lKyurVL7ZbCY6OhqA+Ph4cnJySvISExN5/vnnS/32TpbqFPaiCtK+KfNZ0LNsjUajqXekssB4IjKhJg0ppT6uE4kaAX369FEbNmzwtBgazWnLzp07iYmJ8agMkyZNYsmSJYSGhrJt2zYAFi5cyFNPPcXOnTtZt24dffr0qbR+RWMQkY1KqcorVUOlM+xTSQFrNBpNTZk4cSJ33XUXN910U0la9+7d+eqrryo0HTUE7gZ/0mg0mtOKiy++mNjY2FJpnp71a4Wt0WgaNz88Aolb67bNNj1gZMMePlAXnE7BnzQajaZJo2fYGo2mcdMEZ8L1hZ5hazQaTRNBK2yNRqOpgIrCq3799deEhYWxZs0aLr30UoYPH96gMmmTiEaj0VRAZeFVr7rqqgaW5AR6hq3RaDRNBK2wNRqNpomgFbZGo2mUVBY2oylQX7Jrha3RaBodPj4+pKamNkmlrZQiNTUVHx+fOm9bLzpqNJpGR1hYGPHx8RWGU20K+Pj4EBZW95GntcLWaDSNDqvVSlRUlKfFaHRok4hGo9E0EbTC1mg0miaCVtgajUbTRNAKW6PRaJoIWmFrNBpNE0ErbI1Go2kiaIWt0Wg0TQStsDUajaaJoBW2RqPRNBG0wtZoNJomglbYGo1G00TQCluj0WiaCFphazQaTRNBK2yNRqNpImiFrdFoNE0ErbA1Go2miaAVtkaj0TQRtMLWaDSaJoJW2BqNRtNE0Apbo9FomghaYWs0Gk0TQStsjUajaSJoha3RaDRNhAZX2CISJiJviMgaEckVESUikWXKBIrITBFZISKZzjIDatCHSUQeFZFYEckXkS0ick0dD0Wj0WgaFE/MsKOBsUA68EclZVoAkwAb8HMt+ngWeAp4ExgJrAUWisioWrSl0Wg0jQKLB/r8XSnVGkBEbgGGVVDmkFIqxFlmCHC1u42LSCjwAPCCUmqmM/k3EYkGXgCWnozwGo1G4ykafIatlHK4UUadRBfDAS9gXpn0eUAPEYk6ibY1Go3GY5yKi47dgAJgX5n07c7XMxtWHI1Go6kbPGESqW9CgIwKZulpLvnlEJEpwBTnx2wR2V2DPlsCKTWS8tTidB6/HvvpS23G3+FkOjwVFbYAFZlUpKpKSqk5wJxadSiyQSnVpzZ1TwVO5/HrsZ+eYwfPjP9UNImkAcEiUlZBB7vkazQaTZPjVFTY2wFv4Iwy6cW26x0NK45Go9HUDaeiwl4GFAI3lEkfD2xTSh2shz5rZUo5hTidx6/HfvrS4OP3iA1bRMY43/Z2vo4UkWQgWSm10llmJOAP9HCWuUREWgI5SqkfXNqyAR8rpSYDKKWSRORV4FERyQL+Bq4FBgFX1Md4nPbv05bTefx67Kcvnhi/nJzLcy07Fams05VKqQHOMrFUvKJ6SCkVWaatj5VSE13SzMCjwK1AG2A38IxSalEdiK/RaDQewSMKW6PRaDQ151S0YVeJiISLyCIROe4MLPWViERUUC5YRN4XkRQRyRGR5SLSo6I2K+nnShHZ5Aw+dUhEnnDO/MuWu1BEVotInogkisgrIuJ7suOsQi63xu8se76ILBORDOd3sFVErnOzn0Y3fjcDjw0WkXkist8p034RedsZ8sDdfprk2J3lujl/E0edf/PtInK/iLhlPm2kYx8jIl865ckTkd0iMkNEAquo867zOyq7Y7qqfup/7Eqp0+YC/IC9wDbgSgyb9lZgP+DvUk4wAlPFA+OAEcBKDCf5MDf6GQ7YMRYlBgL3AfnAf8uU6wnkAd8Ag4FbMIJifeHJ8TvLXoqxeDsXGAUMAe4BJjbh8Q8AjmHEk/kRw18/skyZhcAPwM3AJU6ZjgAHgIBTfOztgGRgM0aAtkHA84CjrPxNbOxrgQUYjgiXAFOBDGe6qYLy/YFs4Dgwz80+GmTsdf7lNOYLuNf5pUa7pEVhRAW8zyXtCucPeqBLWnMMH+7X3ehnE4Y93jXtPxgKsI1L2tcYCtTqknaTs+9zPDj+QCAJmFXLfhrr+E0u72+pRGm1qqDexc6yk07xsU9xpncuk/45kNCEx17R37S4v0Fl0q0YE5pHgVjcV9gNMvbTzSRyObBWKVUSZ0QZbn6rKO1BcjlwVCn1m0u548BiqvE0EZFwoBflg099ivFjGOksZ8WYuS9QShW5lFuA8UeuD48Wd8f/L6AV8HJNO2jM41fuBR5LriB5vfO1fVV1m/rYMYKmAWSWSc+gGvNpIx97Tf6mDwJmavDbb8ixn24KuxvG3bMs2ykdFKqqchEiElCcIMYhCSvK1KVsfadizHXp5wzAp4Jy+RgmivoIUuXu+C/EeJro4bRb20QkTkSmlbXJNbHx15ZLnK87XRNPwbEvxDD7vSkiUSLSTESuAm6kjAI7BcZe7m8qImcATwB3KKUKK6voybGfirFEqiIEw15UljRObF0vLhdbSTmcZbOd720YZgbXulTST7pLflXl0qgkSNVJ4u7422HYuz/DOAxiI4YN+0kgCPg/l7JNafw1xrkwNQvjP/Y3ZbJPqbErpY6JSD/gWwybPRiP6k8ppV4sU7zJjl1E2gPPAMuVUhtcst4BvnJ9sq4Ej439dFPY4F5gKLcDSCmloispU119d8vVNe70Z8KYCTyulHrFmbZCRFoAd4rIU04TUVMcv9s4PSPmYzw2X6CUsrnmn2pjF5FWwFdADjAGSMVYeHxCRAqUUv8tLttUx+58Ov4WQ+ne7JI+HjgX6FpdG54c++lmEnG927kSTOm7XmV3u+JZaEV3SNe6VFI/yCW/qnLB1E+QKnfHn+p8LXs8208YNrluVE5jHr/biIgJ+BjjyeJKpdQ/blRr6mN/CIgEhiulvlRKrVBK/Qd4CXhWjJ3GldHoxy4iPsB3QEeMMcY70wOAV4D/AvkiEiQiQRj60er8bK2i6QYb++mmsLdTsbI5k9JBoaoqd1gplV1BnmtdytZ3+rz6ufSzH+OghbLlfDB+UPURpKom44fyM4HiWUBVC1iNefw14R2MkAbXKaV+cbNOUx97D2CfUqrshGQdxo267MzSlUY9dqfC/RI4DxillNrqkt0SY5F9OsbEpfgK58T5s5dW0XzDjb2uXWga84Xhf2kDOrqkRQJFwP0uaVdiKKtLXNKaYcw833Cjn83Ab2XSnqC8i883wB7A4pI23tl3bw+Ov7tThgfK1H8Xw4e0Sn/kxjr+MvJU6NrmzHsZ46Z0Yy3abbJjx/C5zwSCy6RPd5YPb4pjx5iYLsDwix5cQb4Php962SsR4ylzANCyMYy93n4UjfHCCCa1D2OzyBUYbm5bKLMpwvkHXg3EAddhOMWvwHhkCS/T5j7glzJpo5z/4d91/rH/z/ljealMuV4YCvArDCf6yc4+Fnpy/M6yH2GscD+EYRZ4AWOh5ammOn5nn2Oc19vO/yS3Oz9f4sx/2Jn+AXB+meuMU3zs52PcvNdjzCwHYyw6F2IsxjXJsbuM97kK/qaVboSjEj9sT469Xn4YjfkCIjAejTKBLIw7XmQF5UKAD51fZi7wC3BWJX/UFRWkX42hDAuAwxhO9OYKyl0MrHH+cY9heCT4NYLxezl/4HHO/7B7gHtPgfGrSq4VzvwVVZSZeyqP3VnmfIzdkAkYi4/bMWaKvk117E5ZKxv7U9XUq0hhe2zsOviTRqPRNBFOt0VHjUajabJoha3RaDRNBK2wNRqNpomgFbZGo9E0EbTC1mg0miaCVtgajUbTRNAKW+NRnMcwVXfFikik8/1ET8tcjIi0dx6j1cclba6IxFdSfohzDAMaSkaXvsV5fNWDDd23pu44HaP1aRoX/cp8/hpj88FTLmkFGBs5+mHEY2gsPIuxHXlDtSU9jFJKicgzwIci8oFSyqPBtTS1QytsjUdRSq11/SwiBUBK2XQnFaV5BBFpjRED4ipPy1IdIuKtlCrAiFSXjxFLpGx8a00TQJtENE2CikwixeYHEenjcgr1bhG51Jl/n9Ockiki3zrjPbu2aRGRR0Vkl4gUiHFS+MvO6GnVMRFja/+PdTC28SKyRYzTtlNE5FMRaVumjBKRp8qkVfWd9Cv+TnAqZ6WUHeNUmVtOVmaNZ9AKW9PUaQZ8AryPMdtNAr4UkZcxTq++EyNK4UDgrTJ152HEyfgMI3zmDIxgPP9zo98RwBpV5lCDYpw3g1IXFfx/E5EpGGf/7cSIRfEIRrCxleJyFF0NaY5xcO58jPMEP3PJ+x3oJCIda9m2xoNok4imqRMI/Fsp9TuAiBzFsIGPBs50zioRke7A3SJiVkrZReQijHjXE5RSnzjbWi4iacA8EemllNpcUYciIkBf4NVKZGqPEfWuSsQ4H/NZjEBC17mk7wL+ACYBr1fXTgUEAOOVUt9WkLfJ+Xo+J44B0zQR9Axb09TJKVbWTnY5X5cXK2uXdAtQbGoYgRGF8Msys+CfnPkXV9FnEOALVHQaNxiz/HMruO4sU64LEEqZGb1S6k/gECcOiq0pNmBJJXnFMrerZdsaD6Jn2JqmTobrB6VUoTEBLneMW/Ep2MX26VCMELKVnR7Uooo+i9soqCS/qCLPEeexU64UHxWVUEEbidT+QNqkMjcrV/Kcr761bFvjQbTC1pyupGJ4TFxUSf7RaupC6ZPma0Oxa12bCvLaAK5KvwDjBuNKZTeVqmImF98EUqqVTtPo0CYRzenKMoyZcnOl1IYKrkoVtlKqEDiIcQ7fybAbI4D9da6JItIf6ACsdEk+hHF0mytVnTNYGVEufWuaGHqGrTktUUqtEJH5wCIReQXjoFkHxhmXo4CHlVJ7qmjid4wDXU9GBruI/Ad4V0TmYXittAeeB/ZiHNNWzOfAEyLyOIY/+kXAuFp02xdjQbTR+LRr3EcrbM3pzHjgbgxvjMcxzA6xGL7Vx6qp+wVwk4hEKqViayuAUmqOiOQCDwLfYtjUlwIPKaVc7eszMBY778Jw/VsK3Aj8VcMuRwPfKaVyayuzxnPoI8I0mlogIiacs2Cl1HOelscdRKQdxlmDw5VSv3haHk3N0Qpbo6klInID8AoQ1RRmrCLyKsZB0oM8LYumdmiTiEZTez7DsDlHAjs8K4pbJABzPC2EpvboGbZGo9E0EbRbn0aj0TQRtMLWaDSaJoJW2BqNRtNE0Apbo9FomghaYWs0Gk0T4f8BXFK0bzZfJGcAAAAASUVORK5CYII=", - "text/plain": [ - "
" - ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" - } - ], - "source": [ - "index = [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11]\n", - "\n", - "f = plt.figure(figsize=(5, 4))\n", - "ax = f.add_subplot(111)\n", - "\n", - "for i in range(len(index)):\n", - " plt.plot(12*voltage_baseline_safe[:, index[i]], label = index[i])\n", - "plt.legend(loc = 'upper right')\n", - "\n", - "plt.axhline(y=1.05*12, color='k', linestyle='--', label = 'Upper bound')\n", - "plt.axhline(y=0.95*12, color='k', linestyle='--', label = 'Lower bound')\n", - "plt.axhline(y=12, color='k', linestyle='--', label = 'Nominal')\n", - "plt.ylabel('Bus voltage (kV)')\n", - "plt.xlabel('Time (Hour)')\n", - "\n", - "time = [0, 3600, 7200, 10800, 14400]\n", - "labels = ['00:00','06:00','12:00','18:00','24:00']\n", - "plt.xticks(time, labels)\n", - "plt.yticks([11.0, 11.5, 12.0, 12.5, 13.0])\n", - "# plt.ylim([11.0, 13.0])" - ] - }, - { - "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.10.4 64-bit", - "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.10.4" - }, - "vscode": { - "interpreter": { - "hash": "31f2aee4e71d21fbe5cf8b01ff0e069b9275f58929596ceb00d14d90e3e16cd6" - } - } - }, - "nbformat": 4, - "nbformat_minor": 4 -} diff --git a/README.md b/README.md index cda0c45..f87300c 100644 --- a/README.md +++ b/README.md @@ -7,13 +7,27 @@ **California Institute of Technology and UC San Diego** +## Getting started + +### Install packages + +1. Install [miniconda3](https://docs.conda.io/en/latest/miniconda.html). +2. Install the `voltctrl` conda environment: + ```bash + conda env update -f env.yml --prune + ``` +3. Request a Mosek license ([link](https://www.mosek.com/products/academic-licenses/)). Upon receiving the license file (`mosek.lic`) in an email, create a folder `~/mosek` and copy the license file into that folder. + +### Running voltage control experiments + +TODO ## Data Files (in `/data`) The original data files were provided by the authors of the following paper: > Guannan Qu and Na Li. 2020. Optimal Distributed Feedback Voltage Control under Limited Reactive Power. _IEEE Transactions on Power Systems_ 35, 1 (Jan. 2020), 315–331. https://doi.org/10.1109/TPWRS.2019.2931685 -The original data files ("orig_data.zip") are attached to the [releases](https://github.com/chrisyeh96/voltctrl/releases/tag/v1.0). These original data files have been processed into the following files, which are the only files relevant for our experiments. See the inspect_matlab_data.ipynb notebook for details. +The original data files ("orig_data.zip") are attached to the [releases](https://github.com/chrisyeh96/voltctrl/releases/tag/v1.0). These original data files have been processed into the following files, which are the main files relevant for our experiments. See the [inspect_matlab_data.ipynb](notebooks/inspect_data.ipynb) notebook for details. **PV.mat** - contains single key `'actual_PV_profile'` @@ -57,6 +71,12 @@ The original data files ("orig_data.zip") are attached to the [releases](https:/ - 'branch': shape [55, 13], type float64 - 'gen': shape [1, 21], type int16 +**nonlinear_voltage_baseline.npy** +- float64 array, shape [14421, 56] +- description: balanced AC nonlinear simulation voltages, generated by [nonlinear_no_control.py](nonlinear_no_control.py) +- each column is the voltage of a bus, with column 0 being bus 0 (the substation) +- units: p.u. voltage (multiply by 12 to get kV) + See the attachment in [releases](https://github.com/chrisyeh96/voltctrl/releases/tag/v1.0) for Python `.pkl` files containing the results of running the various algorithms. These Pickle files are read by the various Jupyter notebooks for plotting and analysis. diff --git a/cbc/base.py b/cbc/base.py index 04e3783..934aaeb 100644 --- a/cbc/base.py +++ b/cbc/base.py @@ -3,14 +3,14 @@ from collections.abc import Callable, Sequence import io +from typing import Any import cvxpy as cp import numpy as np from tqdm.auto import tqdm from network_utils import make_pd_and_pos, np_triangle_norm - -Constraint = cp.constraints.constraint.Constraint +from utils import solve_prob def cp_triangle_norm_sq(x: cp.Expression) -> cp.Expression: @@ -19,12 +19,12 @@ def cp_triangle_norm_sq(x: cp.Expression) -> cp.Expression: def project_into_X_set(X_init: np.ndarray, var_X: cp.Variable, log: tqdm | io.TextIOBase | None, - X_set: list[Constraint], X_true: np.ndarray) -> None: + X_set: list[cp.Constraint], X_true: np.ndarray) -> None: """Project X_init into 𝒳 if necessary.""" if log is not None: norm = np_triangle_norm(X_init) dist = np_triangle_norm(X_init - X_true) - log.write(f'X_init: ||X̂||_△ = {norm:.3f}, ||X̂-X||_△ = {dist:.3f}') + log.write(f'X_init: ‖X̂‖_△ = {norm:.3f}, ‖X̂-X‖_△ = {dist:.3f}') var_X.value = X_init # if var_X.is_psd(), this automatically checks that X_init is PSD total_violation = sum(np.sum(constraint.violation()) for constraint in X_set) @@ -35,19 +35,14 @@ def project_into_X_set(X_init: np.ndarray, var_X: cp.Variable, log.write(f'X_init invalid. Violation: {total_violation:.3f}. Projecting into 𝒳.') obj = cp.Minimize(cp_triangle_norm_sq(X_init - var_X)) prob = cp.Problem(objective=obj, constraints=X_set) - try: - prob.solve(solver=cp.MOSEK) - except cp.error.SolverError as e: - if log is not None: - log.write(str(e)) - prob.solve(solver=cp.SCS) + solve_prob(prob, log=log, name='projecting X_init into 𝒳') make_pd_and_pos(var_X.value) if log is not None: total_violation = sum(np.sum(constraint.violation()) for constraint in X_set) norm = np_triangle_norm(var_X.value) dist = np_triangle_norm(var_X.value - X_true) log.write(f'After projection: X_init violation: {total_violation:.3f}.') - log.write(f' ||X̂||_△ = {norm:.3f}, ||X̂-X||_△ = {dist:.3f}') + log.write(f' ‖X̂‖_△ = {norm:.3f}, ‖X̂-X‖_△ = {dist:.3f}') class CBCBase: @@ -76,7 +71,7 @@ class CBCBase: sel.update(t+1) """ def __init__(self, n: int, T: int, X_init: np.ndarray, v: np.ndarray, - gen_X_set: Callable[[cp.Variable], list[Constraint]], + gen_X_set: Callable[[cp.Variable], list[cp.Constraint]], X_true: np.ndarray, obs_nodes: Sequence[int] | None = None, log: tqdm | io.TextIOBase | None = None): @@ -87,9 +82,9 @@ def __init__(self, n: int, T: int, X_init: np.ndarray, v: np.ndarray, - X_init: np.array, shape [n, n], initial guess for X matrix, must be PSD and entry-wise >= 0 - v: np.array, shape [n], initial squared voltage magnitudes - - gen_X_set: function, takes an optimization variable (cp.Variable) and returns - a list of constraints (cp.Constraint) describing the convex, compact - uncertainty set for X + - gen_X_set: function, takes an optimization variable (cp.Variable) and + returns a list of constraints (cp.Constraint) describing the + convex, compact uncertainty set for X - X_true: np.array, shape [n, n], true X matrix, optional - obs_nodes: list of int, nodes that we can observe voltages for - log: object with .write() function, defaults to tqdm @@ -105,9 +100,10 @@ def __init__(self, n: int, T: int, X_init: np.ndarray, v: np.ndarray, # history self.v = np.zeros([T, n]) # v[t] = v(t) self.v[0] = v - self.delta_v = np.zeros([T-1, n]) # delta_v[t] = v(t+1) - v(t) + self.Δv = np.zeros([T-1, n]) # Δv[t] = v(t+1) - v(t) self.u = np.zeros([T-1, n]) # u[t] = u(t) = q^c(t+1) - q^c(t) self.q = np.zeros([T, n]) # q[t] = q^c(t) + self.ts_updated: list[int] = [] # define optimization variables self.var_X = cp.Variable((n, n), PSD=True) @@ -136,17 +132,77 @@ def add_obs(self, t: int) -> None: """ assert t >= 1 self.u[t-1] = self.q[t] - self.q[t-1] - self.delta_v[t-1] = self.v[t] - self.v[t-1] + self.Δv[t-1] = self.v[t] - self.v[t-1] - def select(self, t: int) -> np.ndarray: - """ - Args - - t: int, current time step + def select(self, t: int) -> Any: + """Selects a model. When select() is called, we have seen t observations. That is, we have values for: v(0), ..., v(t) # recall: v(t) = vs[t] q^c(0), ..., q^c(t) # recall: q^c(t) = qs[t] u(0), ..., u(t-1) # recall: u(t) = us[t] - Δv(0), ..., Δv(t-1) # recall: Δv(t) = delta_vs[t] + Δv(0), ..., Δv(t-1) # recall: Δv(t) = Δvs[t] + + Args + - t: int, current time step """ + raise NotImplementedError + + +class CBCConst(CBCBase): + """CBC class that always returns the initial X. + + Does not actually perform any model chasing. + """ + def select(self, t: int) -> np.ndarray: return self.X_init + + +class CBCConstWithNoise(CBCBase): + """CBC class that always returns the initial X, but learns eta.""" + def __init__(self, n: int, T: int, X_init: np.ndarray, v: np.ndarray, + gen_X_set: Callable[[cp.Variable], list[cp.Constraint]], + X_true: np.ndarray, + obs_nodes: Sequence[int] | None = None, + log: tqdm | io.TextIOBase | None = None): + super().__init__(n=n, T=T, X_init=X_init, v=v, gen_X_set=gen_X_set, + X_true=X_true, obs_nodes=obs_nodes, log=log) + self.eta = 0 + + def _check_newest_obs(self, t: int) -> tuple[bool, str]: + """Checks whether self.eta satisfies the + newest observation: (v[t], q[t], u[t-1], Δv[t-1]) + + Returns + - satisfied: bool, whether self.eta satisfies the newest observation + - msg: str, (if not satisfied) describes which constraints are not satisfied, + (if satisfied) is empty string '' + """ + X = self.X_init + + obs = self.obs_nodes + ŵ = self.Δv[t-1] - self.u[t-1] @ X + ŵ_norm = np.max(np.abs(ŵ[obs])) + + if ŵ_norm > self.eta: + msg = f'‖ŵ(t)‖∞: {ŵ_norm:.3f}' + self.eta = ŵ_norm + return False, msg + else: + return True, '' + + def add_obs(self, t: int) -> None: + """ + Args + - t: int, current time step (>=1), v[t] and q[t] have just been updated + """ + # update self.u and self.Δv + super().add_obs(t) + + satisfied, msg = self._check_newest_obs(t) + if not satisfied: + self.ts_updated.append(t) + self.log.write(f't = {t:6d}, CBC pre opt: {msg}') + + def select(self, t: int) -> tuple[np.ndarray, float]: + return self.X_init, self.eta diff --git a/cbc/projection.py b/cbc/projection.py index 7f47a24..c4c5244 100644 --- a/cbc/projection.py +++ b/cbc/projection.py @@ -10,8 +10,80 @@ from cbc.base import CBCBase, cp_triangle_norm_sq from network_utils import make_pd_and_pos +from utils import solve_prob -Constraint = cp.constraints.constraint.Constraint + +def check_informative(t: int, b: np.ndarray, c: np.ndarray, + useful: np.ndarray) -> None: + """Checks whether b[t], c[t] are useful. + + Args + - t: int + - b, c: np.ndarray, shape [T, n] + - useful: np.ndarray, shape [2, T], boolean indexing vector + - 1st row is for lower bound, 2nd row is for upper bound + """ + # manage constraints of the form: d <= b - X c + # - each previous point (b',c') is useful if (b' ⋡ b) or (c' ⋠ c) + # - new point is useful if no other point has (b' ≼ b and c' ≽ c) + useful_lb = useful[0] + cmp_b = (b[t] >= b[useful_lb]) + cmp_c = (c[t] <= c[useful_lb]) + useful_lb[useful_lb] = np.any(cmp_b, axis=1) | np.any(cmp_c, axis=1) + useful_lb[t] = ~np.any(np.all(cmp_b, axis=1) & np.all(cmp_c, axis=1)) + + # manage constraints of the form: b - X c <= d + # - each previous point (b',c') is useful if (b' ⋠ b) or (c' ⋡ c) + # - new point is useful if no other point has (b' ≽ b and c' ≼ c) + useful_ub = useful[1] + cmp_b = (b[t] <= b[useful_ub]) + cmp_c = (c[t] >= c[useful_ub]) + useful_ub[useful_ub] = np.any(cmp_b, axis=1) | np.any(cmp_c, axis=1) + useful_ub[t] = ~np.any(np.all(cmp_b, axis=1) & np.all(cmp_c, axis=1)) + + +def sample_ts(rng: np.random.Generator, valid: np.ndarray | Sequence[int], + total: int, num_recent: int, num_update: int, + ts_updated: Sequence[int] | None = None + ) -> np.ndarray: + """Samples time steps based on given criteria. + + Samples: + 1. num_recent most recent steps + 2. num_update steps that required model updating + 3. (total - num_recent - num_update) steps randomly + + Args + - rng: numpy random number generator + - valid: list of time steps to choose from + - total: total number of time steps to sample + - num_recent: include num_recent most recent time steps + - num_update: include num_update time steps that required model updates + - ts_updated: list of time steps where model required updates + + Returns: list of time steps + """ + recent_ts = valid[-num_recent:] + + if num_update == 0: + rand_ts = rng.choice( + valid[:-num_recent], size=total - num_recent, replace=False) + ts = np.concatenate([recent_ts, rand_ts]) + + else: + assert ts_updated is not None + + valid_update_ts = np.setdiff1d(ts_updated, recent_ts) + update_ts = rng.choice( + valid_update_ts, size=min(num_update, len(valid_update_ts)), + replace=False) + valid_rand_ts = np.setdiff1d(valid[:-num_recent], update_ts) + rand_ts = rng.choice( + valid_rand_ts, size=total - num_recent - len(update_ts), + replace=False) + ts = np.concatenate([recent_ts, update_ts, rand_ts]) + + return ts class CBCProjection(CBCBase): @@ -19,11 +91,12 @@ class CBCProjection(CBCBase): that noise bound (eta) is known. """ def __init__(self, n: int, T: int, X_init: np.ndarray, v: np.ndarray, - gen_X_set: Callable[[cp.Variable], list[Constraint]], + gen_X_set: Callable[[cp.Variable], list[cp.Constraint]], eta: float, nsamples: int, alpha: float, Vpar: tuple[np.ndarray, np.ndarray], X_true: np.ndarray, obs_nodes: Sequence[int] | None = None, + prune_constraints: bool = False, log: tqdm | io.TextIOBase | None = None, seed: int = 123): """ Args @@ -31,10 +104,14 @@ def __init__(self, n: int, T: int, X_init: np.ndarray, v: np.ndarray, - eta: float, noise bound - nsamples: int, # of observations to use for defining the convex set - alpha: float, weight on slack variable + set to 0 to turn off slack variable - Vpar: tuple (Vpar_min, Vpar_max), box description of Vpar - each Vpar_* is a np.array of shape [n] + - prune_constraints: whether to attempt to remove constraints that are + already handled by other constraints - seed: int, random seed """ + assert seed is not None super().__init__(n=n, T=T, X_init=X_init, v=v, gen_X_set=gen_X_set, X_true=X_true, obs_nodes=obs_nodes, log=log) self.is_cached = True @@ -43,19 +120,21 @@ def __init__(self, n: int, T: int, X_init: np.ndarray, v: np.ndarray, self.nsamples = nsamples self.alpha = alpha - self.w_inds = np.zeros([2, T-1], dtype=bool) # whether each (u(t), delta_v(t)) is useful - self.vpar_inds = np.zeros([2, T], dtype=bool) # whether each (v(t), q(t)) is useful - self.w_inds[:, 0] = True - self.vpar_inds[:, 1] = True + self.prune_constraints = prune_constraints + if prune_constraints: + self.w_inds = np.zeros([2, T-1], dtype=bool) # whether each (u(t), Δv(t)) is useful + self.vpar_inds = np.zeros([2, T], dtype=bool) # whether each (v(t), q(t)) is useful + self.w_inds[:, 0] = True + self.vpar_inds[:, 1] = True - self.var_slack_w = cp.Variable(nonneg=True) # nonneg=True + self.var_slack_w = cp.Variable(nonneg=True) if alpha > 0 else cp.Constant(0.) self.Vpar_min, self.Vpar_max = Vpar self._setup_prob() self.rng = np.random.default_rng(seed) def _setup_prob(self) -> None: - """Defines self.prob as the projection of Xprev into the consistent set. + """Defines self.prob as the projection of Xprev into consistent set. """ n = self.n ub = self.eta # * np.ones([n, 1]) @@ -65,141 +144,118 @@ def _setup_prob(self) -> None: X = self.var_X slack_w = self.var_slack_w - constrs = self.X_set + constrs = self.X_set[:] # make a shallow copy obs = self.obs_nodes self.param = {} Xprev = cp.Parameter((n, n), PSD=True, name='Xprev') - for b in ['lb', 'ub']: - vs = cp.Parameter((self.nsamples, n), name=f'vs_{b}') - delta_vs = cp.Parameter((self.nsamples, n), name=f'delta_vs_{b}') - us = cp.Parameter((self.nsamples, n), name=f'us_{b}') - qs = cp.Parameter((self.nsamples, n), name=f'qs_{b}') + self.param['Xprev'] = Xprev - w_hats = delta_vs - us @ X + if self.prune_constraints: + for b in ['lb', 'ub']: + vs = cp.Parameter((self.nsamples, n), name=f'vs_{b}') + Δvs = cp.Parameter((self.nsamples, n), name=f'Δvs_{b}') + us = cp.Parameter((self.nsamples, n), name=f'us_{b}') + qs = cp.Parameter((self.nsamples, n), name=f'qs_{b}') + + ŵs = Δvs - us @ X + vpar_hats = vs - qs @ X + + if b == 'lb': + constrs.extend([ + lb - slack_w <= ŵs[:, obs], + self.Vpar_min[None, obs] <= vpar_hats[:, obs] + ]) + else: + constrs.extend([ + ŵs[:, obs] <= ub + slack_w, + vpar_hats[:, obs] <= self.Vpar_max[None, obs] + ]) + + self.param[f'vs_{b}'] = vs + self.param[f'Δvs_{b}'] = Δvs + self.param[f'us_{b}'] = us + self.param[f'qs_{b}'] = qs + else: + vs = cp.Parameter((self.nsamples, n), name='vs') + Δvs = cp.Parameter((self.nsamples, n), name='Δvs') + us = cp.Parameter((self.nsamples, n), name='us') + qs = cp.Parameter((self.nsamples, n), name='qs') + + ŵs = Δvs - us @ X vpar_hats = vs - qs @ X - if b == 'lb': - constrs.extend([ - lb - slack_w <= w_hats, - self.Vpar_min[None, obs] <= vpar_hats[:, obs] - ]) - else: - constrs.extend([ - w_hats <= ub + slack_w, - vpar_hats[:, obs] <= self.Vpar_max[None, obs] - ]) - - self.param[f'vs_{b}'] = vs - self.param[f'delta_vs_{b}'] = delta_vs - self.param[f'us_{b}'] = us - self.param[f'qs_{b}'] = qs - self.param['Xprev'] = Xprev + constrs.extend([ + lb - slack_w <= ŵs[:, obs], ŵs[:, obs] <= ub + slack_w, + self.Vpar_min[None, obs] <= vpar_hats[:, obs], + vpar_hats[:, obs] <= self.Vpar_max[None, obs] + ]) - # constrs = self.X_set + [ - # lb - slack_w <= w_hats, w_hats <= ub + slack_w, - # self.Vpar_min[None, :] <= vpar_hats, vpar_hats <= self.Vpar_max[None, :] - # ] + self.param['vs'] = vs + self.param['Δvs'] = Δvs + self.param['us'] = us + self.param['qs'] = qs - obj = cp.Minimize(cp_triangle_norm_sq(X-Xprev) - + self.alpha * slack_w) + obj = cp.Minimize(cp_triangle_norm_sq(X-Xprev) + self.alpha * slack_w) self.prob = cp.Problem(objective=obj, constraints=constrs) # if cp.Problem is DPP, then it can be compiled for speedup # - http://cvxpy.org/tutorial/advanced/index.html#disciplined-parametrized-programming # noqa self.log.write(f'CBC prob is DPP?: {self.prob.is_dcp(dpp=True)}') - # self.param_Xprev = Xprev - # self.param_vs = vs - # self.param_delta_vs = delta_vs - # self.param_us = us - # self.param_qs = qs - - def _check_informative(self, t: int, b: np.ndarray, c: np.ndarray, - useful: np.ndarray) -> None: - """Checks whether b[t], c[t] are useful. - - Args - - t: int - - b, c: np.ndarray, shape [T, n] - - useful: np.ndarray, shape [2, T], boolean indexing vector - - 1st row is for lower bound, 2nd row is for upper bound - """ - # manage constraints of the form: d <= b - X c - # - each previous point (b',c') is useful if (b' ⋡ b) or (c' ⋠ c) - # - new point is useful if no other point has (b' ≼ b and c' ≽ c) - useful_lb = useful[0] - cmp_b = (b[t] >= b[useful_lb]) - cmp_c = (c[t] <= c[useful_lb]) - useful_lb[useful_lb] = np.any(cmp_b, axis=1) | np.any(cmp_c, axis=1) - useful_lb[t] = ~np.any(np.all(cmp_b, axis=1) & np.all(cmp_c, axis=1)) - - # manage constraints of the form: b - X c <= d - # - each previous point (b',c') is useful if (b' ⋠ b) or (c' ⋡ c) - # - new point is useful if no other point has (b' ≽ b and c' ≼ c) - useful_ub = useful[1] - cmp_b = (b[t] <= b[useful_ub]) - cmp_c = (c[t] >= c[useful_ub]) - useful_ub[useful_ub] = np.any(cmp_b, axis=1) | np.any(cmp_c, axis=1) - useful_ub[t] = ~np.any(np.all(cmp_b, axis=1) & np.all(cmp_c, axis=1)) - def add_obs(self, t: int) -> None: """ Args - t: int, current time step (>=1), v[t] and q[t] have just been updated """ - # update self.u and self.delta_v + # update self.u and self.Δv super().add_obs(t) if self.is_cached: satisfied, msg = self._check_newest_obs(t) if not satisfied: self.is_cached = False + self.ts_updated.append(t) self.log.write(f't = {t:6d}, CBC pre opt: {msg}') - if t >= 2: - self._check_informative(t=t-1, b=self.delta_v, c=self.u, useful=self.w_inds) - self._check_informative(t=t, b=self.v, c=self.q, useful=self.vpar_inds) - - # cmp_delta = (delta_v <= self.delta_v[self.w_inds_ub]) - # cmp_u = (u >= self.us[self.w_inds_ub]) - # self.w_inds_ub[self.w_inds_ub] = np.any(cmp_delta, axis=1) | np.any(cmp_u, axis=1) - # self.w_inds_ub[t] = ~np.any(np.all(cmp_delta, axis=1) & np.all(cmp_u, axis=1)) + if self.prune_constraints: + if t >= 2: + check_informative(t=t-1, b=self.Δv, c=self.u, useful=self.w_inds) + check_informative(t=t, b=self.v, c=self.q, useful=self.vpar_inds) - # cmp_v = (v <= self.v[self.vpar_inds_ub]) - # cmp_q = (q >= self.q[self.vpar_inds_ub]) - # self.vpar_inds_ub[self.self.vpar_inds_ub] = np.any(cmp_v, axis=1) | np.any(cmp_u, axis=1) - # self.vpar_inds_ub[t] = ~np.any(np.all(cmp_delta, axis=1) & np.all(cmp_u, axis=1)) + if t % 500 == 0: + num_w_inds = tuple(np.sum(self.w_inds[:t], axis=1)) + num_vpar_inds = tuple(np.sum(self.vpar_inds[:t+1], axis=1)) + self.log.write(f'active constraints - w: {num_w_inds}/{t}, ' + f'vpar: {num_vpar_inds}/{t}') - if t % 500 == 0: - num_w_inds = tuple(np.sum(self.w_inds[:t], axis=1)) - num_vpar_inds = tuple(np.sum(self.vpar_inds[:t+1], axis=1)) - self.log.write(f'active constraints - w: {num_w_inds}/{t}, vpar: {num_vpar_inds}/{t}') + def _check_newest_obs(self, t: int, X_test: np.ndarray | None = None + ) -> tuple[bool, str]: + """Checks whether self.X_cache (or X_test, if given) satisfies the + newest observation: (v[t], q[t], u[t-1], Δv[t-1]) - def _check_newest_obs(self, t: int, X_test = None) -> tuple[bool, str]: - """Checks whether self.X_cache satisfies the newest observation: - (v[t], q[t], u[t-1], delta_v[t-1]) + Even when CVXPY solves SEL to optimality, empirically it may still have + up to 0.05 of constraint violation, so we allow for that here. Returns - - satisfied: bool, whether self.X_cache satisfies the newest observation - - msg: str, (if not satisfied) describes which constraints are not satisfied, + - satisfied: bool, whether self.X_cache (or X_test, if given) satisfies + the newest observation + - msg: str, (if not satisfied) describes which constraints are violated (if satisfied) is empty string '' """ - if X_test is None: - X = self.X_cache - else: - X = X_test + X = self.X_cache if X_test is None else X_test + obs = self.obs_nodes - w_hat = self.delta_v[t-1] - self.u[t-1] @ X + ŵ = self.Δv[t-1] - self.u[t-1] @ X vpar_hat = self.v[t] - self.q[t] @ X - w_hat_norm = np.max(np.abs(w_hat[obs])) + ŵ_norm = np.max(np.abs(ŵ[obs])) vpar_lower_violation = np.max(self.Vpar_min[obs] - vpar_hat[obs]) vpar_upper_violation = np.max(vpar_hat[obs] - self.Vpar_max[obs]) msgs = [] - if w_hat_norm > self.eta: - msgs.append(f'||ŵ(t)||∞: {w_hat_norm:.3f}') + if ŵ_norm > self.eta: + msgs.append(f'‖ŵ(t)‖∞: {ŵ_norm:.3f}') if vpar_lower_violation > 0.05: msgs.append(f'max(vpar_min - vpar_hat): {vpar_lower_violation:.3f}') if vpar_upper_violation > 0.05: @@ -209,12 +265,13 @@ def _check_newest_obs(self, t: int, X_test = None) -> tuple[bool, str]: return satisfied, msg def select(self, t: int) -> np.ndarray: - """ + """Selects the closest consistent model. + We have seen t observations. That is, we have values for: v(0), ..., v(t) # recall: v(t) = vs[t] q^c(0), ..., q^c(t) # recall: q^c(t) = qs[t] u(0), ..., u(t-1) # recall: u(t) = us[t] - Δv(0), ..., Δv(t-1) # recall: Δv(t) = delta_vs[t] + Δv(0), ..., Δv(t-1) # recall: Δv(t) = Δvs[t] It is possible that t=0, meaning we haven't seen any observations yet. (We have v(0) and q^c(0), but not u(0) or Δv(0).) In this case, our @@ -222,6 +279,9 @@ def select(self, t: int) -> np.ndarray: Args - t: int, current time step (>=0) + + Returns: + - Xhat: np.ndarray, shape [n, n], consistent model """ # be lazy if self.X_cache already satisfies the newest obs. if self.is_cached: @@ -229,77 +289,62 @@ def select(self, t: int) -> np.ndarray: indent = ' ' * 11 - n = self.n - ub = self.eta # * np.ones([n, 1]) - lb = -ub - # optimization variables - # - assuming that assumptions 1, 2, and the first part of 3 + # - If assumptions 1, 2, and the first part of 3 # ($\forall t: \vpar(t) \in \Vpar$) are satisfied, we don't need - # actually need a slack variable in SEL (the CBC algorithm) + # need a slack variable in SEL (the CBC algorithm). However, in + # practice, it is often difficult to check these assumptions, so we + # include a slack variable in case of infeasibility. X = self.var_X slack_w = self.var_slack_w # when t < self.nsamples if t < self.nsamples: - for b in ['lb', 'ub']: - self.param[f'vs_{b}'].value = np.tile(self.Vpar_min, [self.nsamples, 1]) - self.param[f'vs_{b}'].value[:t] = self.v[1:1+t] - self.param[f'delta_vs_{b}'].value = self.delta_v[:self.nsamples] - self.param[f'us_{b}'].value = self.u[:self.nsamples] - self.param[f'qs_{b}'].value = self.q[1:1+self.nsamples] + if self.prune_constraints: + for b in ['lb', 'ub']: + self.param[f'vs_{b}'].value = np.tile(self.Vpar_min, [self.nsamples, 1]) + self.param[f'vs_{b}'].value[:t] = self.v[1:1+t] + self.param[f'Δvs_{b}'].value = self.Δv[:self.nsamples] + self.param[f'us_{b}'].value = self.u[:self.nsamples] + self.param[f'qs_{b}'].value = self.q[1:1+self.nsamples] + else: + self.param['vs'].value = np.tile(self.Vpar_min, [self.nsamples, 1]) + self.param['vs'].value[:t] = self.v[1:1+t] + self.param['Δvs'].value = self.Δv[:self.nsamples] + self.param['us'].value = self.u[:self.nsamples] + self.param['qs'].value = self.q[1:1+self.nsamples] # when t >= self.nsamples else: - # perform random sampling - # - use the most recent k time steps [t-k, ..., t-1] - # - then sample additional previous time steps for self.nsamples total - # [0, ..., t-k-1] + # always include the most recent k time steps [t-k, ..., t-1] k = min(self.nsamples, 20) - # ts = np.concatenate([ - # np.arange(t-k, t), - # rng.choice(t-k, size=self.nsamples-k, replace=False)]) - - for i, b in enumerate(['lb', 'ub']): - w_inds = self.w_inds[i, :t].nonzero()[0] - ts = np.concatenate([ - w_inds[-k:], - self.rng.choice(len(w_inds) - k, size=self.nsamples-k, replace=False) - ]) - self.param[f'delta_vs_{b}'].value = self.delta_v[ts] - self.param[f'us_{b}'].value = self.u[ts] - - vpar_inds = self.vpar_inds[i, :t+1].nonzero()[0] - ts = np.concatenate([ - vpar_inds[-k:], - self.rng.choice(len(vpar_inds) - k, size=self.nsamples-k, replace=False) - ]) - self.param[f'vs_{b}'].value = self.v[ts] - self.param[f'qs_{b}'].value = self.q[ts] - - # self.param_vs.value = self.v[ts+1] - # self.param_delta_vs.value = self.delta_v[ts] - # self.param_us.value = self.us[ts] - # self.param_qs.value = self.q[ts+1] - - # self.param_Xprev.value = self.X_cache + + if self.prune_constraints: + for i, b in enumerate(['lb', 'ub']): + w_inds = self.w_inds[i, :t].nonzero()[0] + ts = sample_ts(self.rng, w_inds, total=self.nsamples, + num_recent=k, num_update=0) + self.param[f'Δvs_{b}'].value = self.Δv[ts] + self.param[f'us_{b}'].value = self.u[ts] + + vpar_inds = self.vpar_inds[i, :t+1].nonzero()[0] + ts = sample_ts(self.rng, vpar_inds, total=self.nsamples, + num_recent=k, num_update=0) + self.param[f'vs_{b}'].value = self.v[ts] + self.param[f'qs_{b}'].value = self.q[ts] + + else: + ts = sample_ts(self.rng, np.arange(t), total=self.nsamples, + num_recent=k, num_update=0) + self.param['Δvs'].value = self.Δv[ts] + self.param['us'].value = self.u[ts] + self.param['vs'].value = self.v[ts+1] + self.param['qs'].value = self.q[ts+1] + self.param['Xprev'].value = self.X_cache - prob = self.prob - prob.solve( - solver=cp.MOSEK, - warm_start=True - # eps=0.05, # SCS convergence tolerance (1e-4) - # max_iters=300, # SCS max iterations (2500) - # abstol=0.1, # ECOS (1e-8) / CVXOPT (1e-7) absolute accuracy - # reltol=0.1 # ECOS (1e-8) / CVXOPT (1e-6) relative accuracy - ) - - if prob.status != 'optimal': - self.log.write(f'{indent} CBC prob.status = {prob.status}') - if prob.status == 'infeasible': - import pdb - pdb.set_trace() + solve_prob(self.prob, log=self.log, name='CBC', indent=indent) + self.X_cache = np.array(X.value) # make a copy make_pd_and_pos(self.X_cache) self.is_cached = True @@ -309,7 +354,6 @@ def select(self, t: int) -> np.ndarray: self.log.write(f'{indent} CBC slack: {slack_w.value:.3f}') # check whether constraints are satisfied for latest time step - # print('check if the new model is good.') satisfied, msg = self._check_newest_obs(t) if not satisfied: self.log.write(f'{indent} CBC post opt: {msg}') @@ -317,151 +361,181 @@ def select(self, t: int) -> np.ndarray: return np.array(self.X_cache) # return a copy +class CBCProjectionWithNoise(CBCProjection): + def __init__(self, n: int, T: int, X_init: np.ndarray, v: np.ndarray, + gen_X_set: Callable[[cp.Variable], list[cp.Constraint]], + eta: float, nsamples: int, δ: float, + Vpar: tuple[np.ndarray, np.ndarray], + X_true: np.ndarray, + obs_nodes: Sequence[int] | None = None, + prune_constraints: bool = False, + log: tqdm | io.TextIOBase | None = None, seed: int = 123): + """ + Args: + - δ: float, weight of noise term in CBC norm + - all other args are the same as CBCProjection. However, here, we + interpret eta as an upper limit on true noise. We also remove the + slack variable, which should be unnecessary as long as eta is set + large enough. + """ + self.var_eta = cp.Variable(nonneg=True) + self.eta_max = eta # upper limit on true noise + self.δ = δ + alpha = 0 + super().__init__(n, T, X_init, v, gen_X_set, eta, nsamples, alpha, + Vpar, X_true, obs_nodes, prune_constraints, log, seed) + self.eta = 0 # cached value + + def _setup_prob(self) -> None: + """Defines self.prob as the projection of Xprev into consistent set. + """ + n = self.n + ub = self.var_eta + lb = -ub + + # optimization variables + X = self.var_X + var_eta = self.var_eta + + constrs = self.X_set[:] # make a shallow copy + constrs.append(var_eta <= self.eta_max) + obs = self.obs_nodes + self.param = {} + + Xprev = cp.Parameter((n, n), PSD=True, name='Xprev') + etaprev = cp.Parameter(nonneg=True, name='etaprev') + self.param['Xprev'] = Xprev + self.param['etaprev'] = etaprev + + if self.prune_constraints: + for b in ['lb', 'ub']: + vs = cp.Parameter((self.nsamples, n), name=f'vs_{b}') + Δvs = cp.Parameter((self.nsamples, n), name=f'Δvs_{b}') + us = cp.Parameter((self.nsamples, n), name=f'us_{b}') + qs = cp.Parameter((self.nsamples, n), name=f'qs_{b}') + + ŵs = Δvs - us @ X + vpar_hats = vs - qs @ X + + if b == 'lb': + constrs.extend([ + lb <= ŵs[:, obs], + self.Vpar_min[None, obs] <= vpar_hats[:, obs] + ]) + else: + constrs.extend([ + ŵs[:, obs] <= ub, + vpar_hats[:, obs] <= self.Vpar_max[None, obs] + ]) + + self.param[f'vs_{b}'] = vs + self.param[f'Δvs_{b}'] = Δvs + self.param[f'us_{b}'] = us + self.param[f'qs_{b}'] = qs + + else: + vs = cp.Parameter((self.nsamples, n), name='vs') + Δvs = cp.Parameter((self.nsamples, n), name='Δvs') + us = cp.Parameter((self.nsamples, n), name='us') + qs = cp.Parameter((self.nsamples, n), name='qs') + + ŵs = Δvs - us @ X + vpar_hats = vs - qs @ X + + constrs.extend([ + lb <= ŵs[:, obs], ŵs[:, obs] <= ub, + self.Vpar_min[None, obs] <= vpar_hats[:, obs], + vpar_hats[:, obs] <= self.Vpar_max[None, obs] + ]) + + self.param['vs'] = vs + self.param['Δvs'] = Δvs + self.param['us'] = us + self.param['qs'] = qs + + obj = cp.Minimize(cp_triangle_norm_sq(X-Xprev) + + (self.δ * (var_eta - etaprev))**2) + self.prob = cp.Problem(objective=obj, constraints=constrs) + + # if cp.Problem is DPP, then it can be compiled for speedup + # - http://cvxpy.org/tutorial/advanced/index.html#disciplined-parametrized-programming # noqa + self.log.write(f'CBC prob is DPP?: {self.prob.is_dcp(dpp=True)}') + + def select(self, t: int) -> tuple[np.ndarray, float]: # type: ignore + """ + When select() is called, we have seen t observations. + """ + # be lazy if (self.X_cache, self.eta) already satisfies the newest obs. + if self.is_cached: + return self.X_cache, self.eta + + indent = ' ' * 11 + + # optimization variables + # - If assumptions 1, 2, and the first part of 3 + # ($\forall t: \vpar(t) \in \Vpar$) are satisfied, we don't need + # need a slack variable in SEL (the CBC algorithm). However, in + # practice, it is often difficult to check these assumptions, so we + # include a slack variable in case of infeasibility. + X = self.var_X + var_eta = self.var_eta + + # when t < self.nsamples + if t < self.nsamples: + if self.prune_constraints: + for b in ['lb', 'ub']: + self.param[f'vs_{b}'].value = np.tile(self.Vpar_min, [self.nsamples, 1]) + self.param[f'vs_{b}'].value[:t] = self.v[1:1+t] + self.param[f'Δvs_{b}'].value = self.Δv[:self.nsamples] + self.param[f'us_{b}'].value = self.u[:self.nsamples] + self.param[f'qs_{b}'].value = self.q[1:1+self.nsamples] + else: + self.param['vs'].value = np.tile(self.Vpar_min, [self.nsamples, 1]) + self.param['vs'].value[:t] = self.v[1:1+t] + self.param['Δvs'].value = self.Δv[:self.nsamples] + self.param['us'].value = self.u[:self.nsamples] + self.param['qs'].value = self.q[1:1+self.nsamples] + + # when t >= self.nsamples + else: + # always include the most recent k time steps [t-k, ..., t-1] + k = min(self.nsamples, 20) + + if self.prune_constraints: + for i, b in enumerate(['lb', 'ub']): + w_inds = self.w_inds[i, :t].nonzero()[0] + ts = sample_ts(self.rng, w_inds, total=self.nsamples, + num_recent=k, num_update=0) + self.param[f'Δvs_{b}'].value = self.Δv[ts] + self.param[f'us_{b}'].value = self.u[ts] + + vpar_inds = self.vpar_inds[i, :t+1].nonzero()[0] + ts = sample_ts(self.rng, vpar_inds, total=self.nsamples, + num_recent=k, num_update=0) + self.param[f'vs_{b}'].value = self.v[ts] + self.param[f'qs_{b}'].value = self.q[ts] + + else: + ts = sample_ts(self.rng, np.arange(t), total=self.nsamples, + num_recent=k, num_update=0) + self.param['Δvs'].value = self.Δv[ts] + self.param['us'].value = self.u[ts] + self.param['vs'].value = self.v[ts+1] + self.param['qs'].value = self.q[ts+1] + + self.param['Xprev'].value = self.X_cache + self.param['etaprev'].value = self.eta + + solve_prob(self.prob, log=self.log, name='CBC', indent=indent) + + self.X_cache = np.array(X.value) # make a copy + self.eta = float(var_eta.value) # make a copy + make_pd_and_pos(self.X_cache) + self.is_cached = True + + # check whether constraints are satisfied for latest time step + satisfied, msg = self._check_newest_obs(t) + if not satisfied: + self.log.write(f'{indent} CBC post opt: {msg}') -# class CBCProjectionWithNoise(CBCProjection): -# def __init__(self, eta: float, n: int, T: int, nsamples: int, -# alpha: float, v: np.ndarray, X_init: np.ndarray | None = None, -# X_true: np.ndarray | None = None): -# """ -# Same args as CBCProjection. However, here, we interpret eta as an upper -# limit on true noise. -# """ -# super().__init__(eta, n, T, nsamples, alpha, v, X_init, X_true) -# self.var_eta = cp.Variable(nonneg=True) -# self.eta_cache = 0 - -# def select(self) -> tuple[np.ndarray, float]: -# """ -# When select() is called, we have seen self.t observations. -# """ -# if self.is_cached: -# return self.X_cache, self.eta_cache - -# t = self.t -# assert t >= 1 - -# # be lazy if self.X_cache already satisfies the newest obs. -# est_noise = self.delta_v[:, t-1] - self.X_cache @ self.u[:, t-1] -# # tqdm.write(f'est_noise: {np.max(np.abs(est_noise)):.3f}') -# if np.max(np.abs(est_noise)) <= self.eta_cache: -# # buf = self.eta - np.max(np.abs(est_noise)) -# # self.lazy_buffer.append(buf) -# # tqdm.write('being lazy') -# self.is_cached = True -# return self.X_cache, self.eta_cache - -# n = self.n - -# # optimization variables -# X = self.var_X -# slack = self.var_slack -# eta = self.var_eta - -# ub = self.var_eta # * np.ones([n, 1]) -# lb = -ub - -# # when t < self.nsamples, create a brand-new cp.Problem -# if t < self.nsamples: -# us = self.us[:, :t] -# delta_vs = self.delta_v[:, :t] - -# diffs = delta_vs - X @ us -# constrs = [X >= 0, lb <= diffs, diffs <= ub, eta <= self.eta] -# # constrs = [X >= 0, lb + slack <= diffs, diffs <= ub - slack, -# # eta <= self.eta] - -# obj = cp.Minimize(cp_triangle_norm_sq(X - self.X_cache) -# + 1e3 * eta**2) -# # obj = cp.Minimize(cp_triangle_norm_sq(X - self.X_cache) -# # + (eta - self.eta_cache)**2 + eta**2) -# # obj = cp.Minimize(cp_triangle_norm_sq(X - self.X_cache) -# # + (eta - self.eta_cache)**2 -# # - self.alpha * slack) -# prob = cp.Problem(objective=obj, constraints=constrs) -# prob.solve() - -# # when t >= self.nsamples, compile a fixed-size optimization problem -# else: -# if self.prob is None: -# Xprev = cp.Parameter([n, n], nonneg=True, name='Xprev') -# etaprev = cp.Parameter(nonneg=True, name='eta') -# us = cp.Parameter([n, self.nsamples], name='us') -# delta_vs = cp.Parameter([n, self.nsamples], name='delta_vs') - -# diffs = delta_vs - X @ us -# # constrs = [X >= 0, lb <= diffs, diffs <= ub, eta <= self.eta] -# constrs = [X >= 0, lb + slack <= diffs, diffs <= ub - slack, -# etaprev <= eta, eta <= self.eta] - -# obj = cp.Minimize(cp_triangle_norm_sq(X - Xprev) -# + 3e2 * eta**2 -# - self.alpha * slack) -# # obj = cp.Minimize(cp_triangle_norm_sq(X - Xprev) -# # + (eta - etaprev)**2) -# # obj = cp.Minimize(cp_triangle_norm_sq(X - Xprev) -# # + (eta - etaprev)**2 -# # - self.alpha * slack) -# self.prob = cp.Problem(objective=obj, constraints=constrs) - -# # if CBC problem is DPP, then it can be compiled for speedup -# # - see https://www.cvxpy.org/tutorial/advanced/index.html#disciplined-parametrized-programming # noqa -# tqdm.write(f'CBC prob is DPP?: {self.prob.is_dcp(dpp=True)}') - -# self.param_Xprev = Xprev -# self.param_etaprev = etaprev -# self.param_us = us -# self.param_delta_vs = delta_vs - -# prob = self.prob - -# # perform random sampling -# # - use the most recent k (<=5) time steps -# # - then sample additional previous time steps for 20 total -# k = min(self.nsamples, 5) -# sample_probs = np.linalg.norm( -# self.delta_v[:, :t-k] - self.X_cache @ self.us[:, :t-k], -# axis=0) -# sample_probs /= np.sum(sample_probs) -# ts = np.concatenate([ -# np.arange(t-k, t), -# rng.choice(t-k, size=self.nsamples-k, replace=False, -# p=sample_probs) -# ]) -# self.param_us.value = self.us[:, ts] -# self.param_delta_vs.value = self.delta_v[:, ts] - -# self.param_Xprev.value = self.X_cache -# self.param_etaprev.value = self.eta_cache -# prob.solve(warm_start=True) - -# if prob.status != 'optimal': -# tqdm.write(f'CBC prob.status = {prob.status}') -# if prob.status == 'infeasible': -# import pdb -# pdb.set_trace() -# self.X_cache = np.array(X.value) # make a copy -# self.eta_cache = float(eta.value) # make a copy - -# # Force symmetry, even if all-close. But only print error message if -# # not all-close. -# if not np.allclose(self.X_cache, self.X_cache.T): -# max_diff = np.max(np.abs(self.X_cache - self.X_cache.T)) -# tqdm.write(f'optimal X not symmetric. ||X-X.T||_max = {max_diff}' -# ' - making symmetric') -# self.X_cache = (self.X_cache + self.X_cache.T) / 2 - -# # check for PSD -# w, V = np.linalg.eigh(self.X_cache) -# if np.any(w < 0): -# tqdm.write(f'optimal X not PSD. smallest eigenvalue = {np.min(w)}' -# ' - setting neg eigenvalues to 0') -# w[w < 0] = 0 -# self.X_cache = (V * w) @ V.T - -# if np.any(self.X_cache < 0): -# tqdm.write(f'optimal X has neg values. min={np.min(self.X_cache)}' -# ' - applying ReLu') -# self.X_cache = np.maximum(0, self.X_cache) - -# self.is_cached = True -# return (self.X_cache, self.eta_cache) + return np.array(self.X_cache), self.eta # return a copy diff --git a/cbc/steiner.py b/cbc/steiner.py index 537ff82..f678451 100644 --- a/cbc/steiner.py +++ b/cbc/steiner.py @@ -9,9 +9,9 @@ from tqdm.auto import tqdm from cbc.base import CBCBase +from cbc.projection import check_informative, sample_ts from network_utils import make_pd_and_pos - -Constraint = cp.constraints.constraint.Constraint +from utils import solve_prob class CBCSteiner(CBCBase): @@ -19,19 +19,19 @@ class CBCSteiner(CBCBase): that noise bound (eta) is known. """ def __init__(self, n: int, T: int, X_init: np.ndarray, v: np.ndarray, - gen_X_set: Callable[[cp.Variable], list[Constraint]], - eta: float, nsamples: int, nsamples_steiner: int, # alpha: float, + gen_X_set: Callable[[cp.Variable], list[cp.Constraint]], + eta: float, nsamples: int, nsamples_steiner: int, Vpar: tuple[np.ndarray, np.ndarray], X_true: np.ndarray, obs_nodes: Sequence[int] | None = None, + prune_constraints: bool = False, log: tqdm | io.TextIOBase | None = None, seed: int = 123): """ Args - see CBCBase for descriptions of other parameters - eta: float, noise bound - nsamples: int, # of observations to use for defining the convex set - - nsamples_steiner: int, # of random directions to use for estimating the - Steiner point integral - # - alpha: float, weight on slack variable + - nsamples_steiner: int, # of random directions to use for estimating + the Steiner point integral - Vpar: tuple (Vpar_min, Vpar_max), box description of Vpar - each Vpar_* is a np.array of shape [n] - seed: int, random seed @@ -44,12 +44,13 @@ def __init__(self, n: int, T: int, X_init: np.ndarray, v: np.ndarray, self.eta = eta self.nsamples = nsamples self.nsamples_steiner = nsamples_steiner - # self.alpha = alpha - self.w_inds = np.zeros([2, T-1], dtype=bool) # whether each (u(t), delta_v(t)) is useful - self.vpar_inds = np.zeros([2, T], dtype=bool) # whether each (v(t), q(t)) is useful - self.w_inds[:, 0] = True - self.vpar_inds[:, 1] = True + self.prune_constraints = prune_constraints + if prune_constraints: + self.w_inds = np.zeros([2, T-1], dtype=bool) # whether each (u(t), Δv(t)) is useful + self.vpar_inds = np.zeros([2, T], dtype=bool) # whether each (v(t), q(t)) is useful + self.w_inds[:, 0] = True + self.vpar_inds[:, 1] = True self.var_slack_w = cp.Variable(nonneg=True) # nonneg=True self.Vpar_min, self.Vpar_max = Vpar @@ -71,14 +72,14 @@ def _init_X(self, X_init: np.ndarray) -> None: n = self.n X = self.var_X - theta = cp.Parameter((self.dim,)) # vector + theta = cp.Parameter(self.dim) # vector obj = cp.Maximize(theta[:-n] @ cp.upper_tri(X) + theta[-n:] @ cp.diag(X)) prob = cp.Problem(objective=obj, constraints=self.X_set) X_values = [] - for i in range(self.nsamples_steiner): + for _ in range(self.nsamples_steiner): theta.value = self.rng.normal(size=self.dim) - prob.solve(solver=cp.MOSEK) + solve_prob(prob, log=self.log, name='CBC init') X_values.append(X.value.copy()) X.value = np.mean(X_values, axis=0) @@ -97,69 +98,66 @@ def _setup_prob(self) -> None: # optimization variable X = self.var_X - constrs = self.X_set + constrs = self.X_set[:] # make a shallow copy obs = self.obs_nodes self.param = {} - for b in ['lb', 'ub']: - vs = cp.Parameter((self.nsamples, n), name=f'vs_{b}') - delta_vs = cp.Parameter((self.nsamples, n), name=f'delta_vs_{b}') - us = cp.Parameter((self.nsamples, n), name=f'us_{b}') - qs = cp.Parameter((self.nsamples, n), name=f'qs_{b}') - w_hats = delta_vs - us @ X + theta = cp.Parameter(self.dim) # vector + self.param['theta'] = theta + + if self.prune_constraints: + for b in ['lb', 'ub']: + vs = cp.Parameter((self.nsamples, n), name=f'vs_{b}') + Δvs = cp.Parameter((self.nsamples, n), name=f'Δvs_{b}') + us = cp.Parameter((self.nsamples, n), name=f'us_{b}') + qs = cp.Parameter((self.nsamples, n), name=f'qs_{b}') + + ŵs = Δvs - us @ X + vpar_hats = vs - qs @ X + + if b == 'lb': + constrs.extend([ + lb <= ŵs[:, obs], + self.Vpar_min[None, obs] <= vpar_hats[:, obs] + ]) + else: + constrs.extend([ + ŵs[:, obs] <= ub, + vpar_hats[:, obs] <= self.Vpar_max[None, obs] + ]) + + self.param[f'vs_{b}'] = vs + self.param[f'Δvs_{b}'] = Δvs + self.param[f'us_{b}'] = us + self.param[f'qs_{b}'] = qs + else: + vs = cp.Parameter((self.nsamples, n), name='vs') + Δvs = cp.Parameter((self.nsamples, n), name='Δvs') + us = cp.Parameter((self.nsamples, n), name='us') + qs = cp.Parameter((self.nsamples, n), name='qs') + + ŵs = Δvs - us @ X vpar_hats = vs - qs @ X - if b == 'lb': - constrs.extend([lb <= w_hats, - self.Vpar_min[None, obs] <= vpar_hats[:, obs]]) - else: - constrs.extend([w_hats <= ub, - vpar_hats[:, obs] <= self.Vpar_max[None, obs]]) + constrs.extend([ + lb <= ŵs[:, obs], ŵs[:, obs] <= ub, + self.Vpar_min[None, obs] <= vpar_hats[:, obs], + vpar_hats[:, obs] <= self.Vpar_max[None, obs] + ]) - self.param[f'vs_{b}'] = vs - self.param[f'delta_vs_{b}'] = delta_vs - self.param[f'us_{b}'] = us - self.param[f'qs_{b}'] = qs + self.param['vs'] = vs + self.param['Δvs'] = Δvs + self.param['us'] = us + self.param['qs'] = qs - theta = cp.Parameter((self.dim,)) # vector obj = cp.Maximize(theta[:-n] @ cp.upper_tri(X) + theta[-n:] @ cp.diag(X)) self.prob = cp.Problem(objective=obj, constraints=constrs) - self.param['theta'] = theta - # if cp.Problem is DPP, then it can be compiled for speedup # - http://cvxpy.org/tutorial/advanced/index.html#disciplined-parametrized-programming # noqa self.log.write(f'CBC prob is DPP?: {self.prob.is_dcp(dpp=True)}') assert self.prob.is_dcp(dpp=True) - def _check_informative(self, t: int, b: np.ndarray, c: np.ndarray, - useful: np.ndarray) -> None: - """Checks whether b[t], c[t] are useful. - - Args - - t: int - - b, c: np.ndarray, shape [T, n] - - useful: np.ndarray, shape [2, T], boolean indexing vector - - 1st row is for lower bound, 2nd row is for upper bound - """ - # manage constraints of the form: d <= b - X c - # - each previous point (b',c') is useful if (b' ⋡ b) or (c' ⋠ c) - # - new point is useful if no other point has (b' ≼ b and c' ≽ c) - useful_lb = useful[0] - cmp_b = (b[t] >= b[useful_lb]) - cmp_c = (c[t] <= c[useful_lb]) - useful_lb[useful_lb] = np.any(cmp_b, axis=1) | np.any(cmp_c, axis=1) - useful_lb[t] = ~np.any(np.all(cmp_b, axis=1) & np.all(cmp_c, axis=1)) - - # manage constraints of the form: b - X c <= d - # - each previous point (b',c') is useful if (b' ⋠ b) or (c' ⋡ c) - # - new point is useful if no other point has (b' ≽ b and c' ≼ c) - useful_ub = useful[1] - cmp_b = (b[t] <= b[useful_ub]) - cmp_c = (c[t] >= c[useful_ub]) - useful_ub[useful_ub] = np.any(cmp_b, axis=1) | np.any(cmp_c, axis=1) - useful_ub[t] = ~np.any(np.all(cmp_b, axis=1) & np.all(cmp_c, axis=1)) - def add_obs(self, t: int) -> None: """ Args @@ -169,7 +167,7 @@ def add_obs(self, t: int) -> None: - v: np.array, v(t+1) = v(t) + X @ u(t) = X @ q^c(t+1) + vpar(t+1) - u: np.array, u(t) = q^c(t+1) - q^c(t) """ - # update self.u and self.delta_v + # update self.u and self.Δv super().add_obs(t) if self.is_cached: @@ -178,45 +176,47 @@ def add_obs(self, t: int) -> None: self.is_cached = False self.log.write(f't = {t:6d}, CBC pre opt: {msg}') - if t >= 2: - self._check_informative(t=t-1, b=self.delta_v, c=self.u, useful=self.w_inds) - self._check_informative(t=t, b=self.v, c=self.q, useful=self.vpar_inds) + if self.prune_constraints: + if t >= 2: + check_informative(t=t-1, b=self.Δv, c=self.u, useful=self.w_inds) + check_informative(t=t, b=self.v, c=self.q, useful=self.vpar_inds) - # cmp_delta = (delta_v <= self.delta_v[self.w_inds_ub]) - # cmp_u = (u >= self.us[self.w_inds_ub]) - # self.w_inds_ub[self.w_inds_ub] = np.any(cmp_delta, axis=1) | np.any(cmp_u, axis=1) - # self.w_inds_ub[t] = ~np.any(np.all(cmp_delta, axis=1) & np.all(cmp_u, axis=1)) + # cmp_delta = (Δv <= self.Δv[self.w_inds_ub]) + # cmp_u = (u >= self.us[self.w_inds_ub]) + # self.w_inds_ub[self.w_inds_ub] = np.any(cmp_delta, axis=1) | np.any(cmp_u, axis=1) + # self.w_inds_ub[t] = ~np.any(np.all(cmp_delta, axis=1) & np.all(cmp_u, axis=1)) - # cmp_v = (v <= self.v[self.vpar_inds_ub]) - # cmp_q = (q >= self.q[self.vpar_inds_ub]) - # self.vpar_inds_ub[self.self.vpar_inds_ub] = np.any(cmp_v, axis=1) | np.any(cmp_u, axis=1) - # self.vpar_inds_ub[t] = ~np.any(np.all(cmp_delta, axis=1) & np.all(cmp_u, axis=1)) + # cmp_v = (v <= self.v[self.vpar_inds_ub]) + # cmp_q = (q >= self.q[self.vpar_inds_ub]) + # self.vpar_inds_ub[self.self.vpar_inds_ub] = np.any(cmp_v, axis=1) | np.any(cmp_u, axis=1) + # self.vpar_inds_ub[t] = ~np.any(np.all(cmp_delta, axis=1) & np.all(cmp_u, axis=1)) - if t % 500 == 0: - num_w_inds = tuple(np.sum(self.w_inds[:t], axis=1)) - num_vpar_inds = tuple(np.sum(self.vpar_inds[:t+1], axis=1)) - self.log.write(f'active constraints - w: {num_w_inds}/{t}, vpar: {num_vpar_inds}/{t}') + if t % 500 == 0: + num_w_inds = tuple(np.sum(self.w_inds[:t], axis=1)) + num_vpar_inds = tuple(np.sum(self.vpar_inds[:t+1], axis=1)) + self.log.write(f'active constraints - w: {num_w_inds}/{t}, ' + f'vpar: {num_vpar_inds}/{t}') def _check_newest_obs(self, t: int) -> tuple[bool, str]: """Checks whether self.X_cache satisfies the newest observation: - (v[t], q[t], u[t-1], delta_v[t-1]) + (v[t], q[t], u[t-1], Δv[t-1]) Returns - satisfied: bool, whether self.X_cache satisfies the newest observation - - msg: str, (if not satisfied) describes which constraints are not satisfied, + - msg: str, (if not satisfied) describes which constraints are violated (if satisfied) is empty string '' """ obs = self.obs_nodes - w_hat = self.delta_v[t-1] - self.u[t-1] @ self.X_cache + ŵ = self.Δv[t-1] - self.u[t-1] @ self.X_cache vpar_hat = self.v[t] - self.q[t] @ self.X_cache - w_hat_norm = np.max(np.abs(w_hat)) + ŵ_norm = np.max(np.abs(ŵ[obs])) vpar_lower_violation = np.max(self.Vpar_min[obs] - vpar_hat[obs]) vpar_upper_violation = np.max(vpar_hat[obs] - self.Vpar_max[obs]) msgs = [] - if w_hat_norm > self.eta: - msgs.append(f'||ŵ(t)||∞: {w_hat_norm:.3f}') + if ŵ_norm > self.eta: + msgs.append(f'‖ŵ(t)‖∞: {ŵ_norm:.3f}') if vpar_lower_violation > 0.05: msgs.append(f'max(vpar_min - vpar_hat): {vpar_lower_violation:.3f}') if vpar_upper_violation > 0.05: @@ -231,7 +231,7 @@ def select(self, t: int) -> np.ndarray: v(0), ..., v(t) # recall: v(t) = vs[t] q^c(0), ..., q^c(t) # recall: q^c(t) = qs[t] u(0), ..., u(t-1) # recall: u(t) = us[t] - Δv(0), ..., Δv(t-1) # recall: Δv(t) = delta_vs[t] + Δv(0), ..., Δv(t-1) # recall: Δv(t) = Δvs[t] It is possible that t=0, meaning we haven't seen any observations yet. (We have v(0) and q^c(0), but not u(0) or Δv(0).) In this case, our @@ -252,59 +252,55 @@ def select(self, t: int) -> np.ndarray: # when t < self.nsamples if t < self.nsamples: - for b in ['lb', 'ub']: - self.param[f'vs_{b}'].value = np.tile(self.Vpar_min, [self.nsamples, 1]) - self.param[f'vs_{b}'].value[:t] = self.v[1:1+t] - self.param[f'delta_vs_{b}'].value = self.delta_v[:self.nsamples] - self.param[f'us_{b}'].value = self.u[:self.nsamples] - self.param[f'qs_{b}'].value = self.q[1:1+self.nsamples] + if self.prune_constraints: + for b in ['lb', 'ub']: + self.param[f'vs_{b}'].value = np.tile(self.Vpar_min, [self.nsamples, 1]) + self.param[f'vs_{b}'].value[:t] = self.v[1:1+t] + self.param[f'Δvs_{b}'].value = self.Δv[:self.nsamples] + self.param[f'us_{b}'].value = self.u[:self.nsamples] + self.param[f'qs_{b}'].value = self.q[1:1+self.nsamples] + else: + self.param['vs'].value = np.tile(self.Vpar_min, [self.nsamples, 1]) + self.param['vs'].value[:t] = self.v[1:1+t] + self.param['Δvs'].value = self.Δv[:self.nsamples] + self.param['us'].value = self.u[:self.nsamples] + self.param['qs'].value = self.q[1:1+self.nsamples] # when t >= self.nsamples else: - # perform random sampling - # - use the most recent k time steps [t-k, ..., t-1] - # - then sample additional previous time steps for self.nsamples total - # [0, ..., t-k-1] + # always include the most recent k time steps [t-k, ..., t-1] k = min(self.nsamples, 20) - # ts = np.concatenate([ - # np.arange(t-k, t), - # rng.choice(t-k, size=self.nsamples-k, replace=False)]) - - for i, b in enumerate(['lb', 'ub']): - w_inds = self.w_inds[i].nonzero()[0] - ts = np.concatenate([ - w_inds[-k:], - self.rng.choice(len(w_inds) - k, size=self.nsamples-k, replace=False) - ]) - self.param[f'delta_vs_{b}'].value = self.delta_v[ts] - self.param[f'us_{b}'].value = self.u[ts] - - vpar_inds = self.vpar_inds[i].nonzero()[0] - ts = np.concatenate([ - vpar_inds[-k:], - self.rng.choice(len(vpar_inds) - k, size=self.nsamples-k, replace=False) - ]) - self.param[f'vs_{b}'].value = self.v[ts] - self.param[f'qs_{b}'].value = self.q[ts] - - # self.param_vs.value = self.v[ts+1] - # self.param_delta_vs.value = self.delta_v[ts] - # self.param_us.value = self.us[ts] - # self.param_qs.value = self.q[ts+1] + + if self.prune_constraints: + for i, b in enumerate(['lb', 'ub']): + w_inds = self.w_inds[i, :t].nonzero()[0] + ts = sample_ts(self.rng, w_inds, total=self.nsamples, + num_recent=k, num_update=0) + self.param[f'Δvs_{b}'].value = self.Δv[ts] + self.param[f'us_{b}'].value = self.u[ts] + + vpar_inds = self.vpar_inds[i, :t+1].nonzero()[0] + ts = sample_ts(self.rng, vpar_inds, total=self.nsamples, + num_recent=k, num_update=0) + self.param[f'vs_{b}'].value = self.v[ts] + self.param[f'qs_{b}'].value = self.q[ts] + + else: + ts = sample_ts(self.rng, np.arange(t), total=self.nsamples, + num_recent=k, num_update=0) + self.param['Δvs'].value = self.Δv[ts] + self.param['us'].value = self.u[ts] + self.param['vs'].value = self.v[ts+1] + self.param['qs'].value = self.q[ts+1] prob = self.prob X_values = [] for i in tqdm(range(self.nsamples_steiner)): self.param['theta'].value = self.rng.normal(size=self.dim) - prob.solve(solver=cp.MOSEK) + solve_prob(prob, log=self.log, name='CBC', indent=indent) X_values.append(X.value.copy()) X.value = np.mean(X_values, axis=0) - if prob.status != 'optimal': - self.log.write(f'{indent} CBC prob.status = {prob.status}') - if prob.status == 'infeasible': - import pdb - pdb.set_trace() self.X_cache = np.array(X.value) # make a copy make_pd_and_pos(self.X_cache) self.is_cached = True diff --git a/data/nonlinear_voltage_baseline.npy b/data/nonlinear_voltage_baseline.npy new file mode 100644 index 0000000..6361ca3 Binary files /dev/null and b/data/nonlinear_voltage_baseline.npy differ diff --git a/env.yml b/env.yml index f73f873..d9b7f3f 100644 --- a/env.yml +++ b/env.yml @@ -10,26 +10,28 @@ # mismatch problem. # See https://conda-forge.org/docs/user/tipsandtricks.html # +# Last updated: 2023-08-10 name: voltctrl channels: - - conda-forge - - mosek - - nodefaults +- mosek +- conda-forge +- nodefaults dependencies: - - python=3.9 - - cvxopt=1.2.7 - - cvxpy=1.1.18 - - flake8 - - jupyterlab - - ipywidgets - - ipympl=0.8.0 - - matplotlib=3.4.3 - - mosek=9.3.13 - - mypy=0.910 - - numpy=1.21.2 - - pandas=1.3.3 - - pandapower=2.6.0 - - pygraphviz - - pip - - scipy=1.7.1 - - tqdm=4.62.3 +- python=3.10 # Mosek 10.0 only supports up to Python 3.10 +- cvxpy=1.3.2 +- flake8 +- ipywidgets +- ipykernel # for Jupyter / VSCode notebooks +- ipympl # for Jupyter / VSCode notebooks +- matplotlib=3.7.2 +- mosek=10.0.46 +- mypy +- networkx +- numba=0.56 # pandapower 2.13.1 doesn't recognize numba >= 0.57 +- numpy +- pandas +- pandapower=2.13.1 +- pygraphviz +- pip +- scipy +- tqdm diff --git a/network_utils.py b/network_utils.py index dcad9aa..c95c1c9 100644 --- a/network_utils.py +++ b/network_utils.py @@ -11,11 +11,10 @@ import pandapower as pp import pandapower.topology import scipy.io -import os + warnings.filterwarnings('ignore', category=FutureWarning) T = TypeVar('T') -Constraint = cp.constraints.constraint.Constraint def create_56bus() -> pp.pandapowerNet: @@ -26,7 +25,7 @@ def create_56bus() -> pp.pandapowerNet: Returns: pp.pandapowerNet """ - net = pp.converter.from_mpc(os.path.join(os.path.dirname(__file__),'data/SCE_56bus.mat'), casename_mpc_file='case_mpc') + net = pp.converter.from_mpc('data/SCE_56bus.mat', casename_mpc_file='case_mpc') # remove loads and generators at all buses except bus 0 (substation), # but keep the network lines @@ -52,6 +51,7 @@ def create_RX_from_net(net: pp.pandapowerNet, noise: float = 0, - noise: float, optional add uniform noise to impedances, values in [0,1] - modify: str, how to modify network, one of [None, 'perm', 'linear', 'rand'] - seed: int, for generating the uniform noise + seed must be provided if (noise > 0) or (modify is not None) - check_pd: bool, whether to assert that returned R,X are PD Returns: tuple (X, R) @@ -68,7 +68,8 @@ def create_RX_from_net(net: pp.pandapowerNet, noise: float = 0, r_ohm_per_km = net.line['r_ohm_per_km'].values x_ohm_per_km = net.line['x_ohm_per_km'].values - rng = np.random.default_rng(seed) + if seed is not None: + rng = np.random.default_rng(seed) if noise > 0: # Do NOT update r/x_ohm_per_km in-place. We do not want to change @@ -239,7 +240,7 @@ def read_load_data() -> tuple[np.ndarray, np.ndarray]: - p: np.array, shape [T, n], net active power injection in MW - q: np.array, shape [T, n], exogenous reactive power injection in MVar """ - mat = scipy.io.loadmat(os.path.join(os.path.dirname(__file__),'data/pq_fluc.mat'), squeeze_me=True) + mat = scipy.io.loadmat('data/pq_fluc.mat', squeeze_me=True) pq_fluc = mat['pq_fluc'] # shape (55, 2, 14421) p = pq_fluc[:, 0] # net active power injection, shape (55, 14421) qe = pq_fluc[:, 1] # exogenous reactive power injection @@ -274,7 +275,7 @@ def smooth(x: np.ndarray, w: int = 5) -> np.ndarray: def calc_max_norm_w(R: np.ndarray, X: np.ndarray, p: np.ndarray, qe: np.ndarray ) -> dict[str, np.ndarray]: - """Calculates ||w||_∞. + """Calculates ‖w‖_∞. Args - R: np.array, shape [n, n] @@ -292,16 +293,16 @@ def calc_max_norm_w(R: np.ndarray, X: np.ndarray, p: np.ndarray, qe: np.ndarray 'wp': np.linalg.norm(wp, ord=np.inf, axis=0), 'wq': np.linalg.norm(wq, ord=np.inf, axis=0) } - # - max_p_idx: int, bus index with largest ||w_p|| - # - max_q_idx: int, bus index with largest ||w_q|| + # - max_p_idx: int, bus index with largest ‖w_p‖ + # - max_q_idx: int, bus index with largest ‖w_q‖ # max_p_idx = np.argmax(np.max(np.abs(wp), axis=1)) # max_q_idx = np.argmax(np.max(np.abs(wq), axis=1)) return norms def np_triangle_norm(x: np.ndarray) -> float: - """Computes ||X||_△""" - return np.linalg.norm(np.triu(x), ord='fro') + """Computes ‖X‖_△""" + return float(np.linalg.norm(np.triu(x), ord='fro')) def known_topology_constraints( @@ -309,7 +310,7 @@ def known_topology_constraints( net: pp.pandapowerNet, known_line_params: int, known_bus_topo: int - ) -> list[Constraint]: + ) -> list[cp.Constraint]: """Specifies constraints on X matrix if we know the network topology among all buses in {1, ..., known_bus_topo}. diff --git a/nonlinear_no_control.py b/nonlinear_no_control.py new file mode 100644 index 0000000..01d70f4 --- /dev/null +++ b/nonlinear_no_control.py @@ -0,0 +1,91 @@ +""" +This script creates the following file: data/nonlinear_voltage_baseline.py. + +Before running this script, make sure that orig_data.zip has been unzipped +into a folder called orig_data/ located in the root of this repo. +""" +from __future__ import annotations + +import numpy as np +import pandapower as pp +import scipy.io as spio +from tqdm.auto import tqdm + +from network_utils import create_56bus + + +n = 55 +T = 14421 + + +def read_load_data() -> tuple[np.ndarray, np.ndarray]: + """Reads in load data. + + Returns: + - load_p: shape [55, 14421], active load in MW + - load_q: shape [55, 14421], reactive load in MVar + """ + # each row in is a node (1 - 55) + # 6 columns: ['name', 'connectionkW', 'kW', 'pf', 'kVar', 'nameopal'] + scale = 1.1 + load = spio.loadmat('orig_data/loadavail20150908.mat', squeeze_me=True) + load_p = np.stack(load['Load']['kW']) / 1000 # to MW + load_p *= scale + load_q = np.stack(load['Load']['kVar']) / 1000 # to MVar + load_q *= scale + return load_p, load_q + + +def read_solar_data() -> np.ndarray: + """Reads in solar generation data. + + Returns: + - gen_p: shape [55, 14421], active power generation in MW + """ + # see Load_PV_systems_3phase_delta.m + # - simulate up to 18 nodes with PV + capacities = np.array([ + 9.97, 11.36, 13.53, 6.349206814, 106.142148, 154, 600, 293.54, 66.045, + 121.588489, 12.94935415, 19.35015173, 100, 31.17327501, 13.06234596, + 7.659505852, 100, 700]) # in kW + capacities /= 1000 # to MW + + # for whatever reason, Guanan scales the capacities by a factor of 7 + # - see line 39 in dynamic_simu_setting_revision_2nd.m + capacities *= 7 + + # see Generate_PV_power.m + solar_orig = spio.loadmat('orig_data/pvavail20150908_2.mat', squeeze_me=True) + pv_profile = solar_orig['PVavail'][0]['PVp_6s'] / solar_orig['PVavail'][0]['PVacrate'] + pv = pv_profile * capacities.reshape(-1, 1) # shape [18, 14421] + + # nodes with PV + # - Guanan sets substation = bus 1, then other nodes are 1,...,56 + # - I use substation = bus -1, then other nodes are 0,...,54 + pv_bus = np.array([9,12,14,16,19,10,11,13,15,7,2,4,20,23,25,26,32,8]) - 2 + gen_p = np.zeros((n, T)) + gen_p[pv_bus, :] = pv + return gen_p + + +def main(): + net = create_56bus() + load_p, load_q = read_load_data() + gen_p = read_solar_data() + + v = np.zeros((T, n+1)) + zero_action = np.zeros(n) + + for t in tqdm(range(T)): + net.load['p_mw'] = load_p[:,t] + net.load['q_mvar'] = load_q[:,t] + net.sgen['p_mw'] = gen_p[:,t] + net.sgen['q_mvar'] = zero_action + pp.runpp(net, algorithm='bfsw', init='dc', numba=True) + v[t] = net.res_bus.vm_pu.to_numpy() + + np.save('data/nonlinear_voltage_baseline.npy', v) + + +if __name__ == '__main__': + main() diff --git a/nonlinear_voltage_baseline.npy b/nonlinear_voltage_baseline.npy deleted file mode 100644 index 368030a..0000000 Binary files a/nonlinear_voltage_baseline.npy and /dev/null differ diff --git a/notebooks/56_bus_pandapower_check.ipynb b/notebooks/56_bus_pandapower_check.ipynb new file mode 100644 index 0000000..a3b466b --- /dev/null +++ b/notebooks/56_bus_pandapower_check.ipynb @@ -0,0 +1,623 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "from numpy import linalg as LA\n", + "import gym\n", + "import os\n", + "\n", + "import pandapower as pp\n", + "\n", + "os.environ[\"CUDA_DEVICE_ORDER\"] = \"PCI_BUS_ID\" \n", + "os.environ[\"CUDA_VISIBLE_DEVICES\"] = \"-1\"" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\n", + "\n", + "SMALL_SIZE = 10\n", + "MEDIUM_SIZE = 16\n", + "BIGGER_SIZE = 16\n", + "\n", + "plt.rc('font', size=MEDIUM_SIZE) # controls default text sizes\n", + "plt.rc('axes', titlesize=MEDIUM_SIZE) # fontsize of the axes title\n", + "plt.rc('axes', labelsize=MEDIUM_SIZE) # fontsize of the x and y labels\n", + "plt.rc('xtick', labelsize=MEDIUM_SIZE) # fontsize of the tick labels\n", + "plt.rc('ytick', labelsize=MEDIUM_SIZE) # fontsize of the tick labels\n", + "plt.rc('legend', fontsize=SMALL_SIZE) # legend fontsize\n", + "plt.rc('figure', titlesize=BIGGER_SIZE) # fontsize of the figure title" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "class VoltageCtrl_nonlinear(gym.Env):\n", + " def __init__(self, pp_net, injection_bus, obs_dim=12, action_dim=12, \n", + " v0=1, vmax=1.05, vmin=0.95):\n", + " \n", + " self.network = pp_net\n", + " self.injection_bus = injection_bus\n", + " self.agentnum = len(injection_bus)\n", + " \n", + " self.obs_dim = obs_dim\n", + " self.action_dim = action_dim\n", + " self.v0 = v0 \n", + " self.vmax = vmax\n", + " self.vmin = vmin\n", + " \n", + " self.load0_p = np.copy(self.network.load['p_mw'])\n", + " self.load0_q = np.copy(self.network.load['q_mvar'])\n", + "\n", + " self.gen0_p = np.copy(self.network.sgen['p_mw'])\n", + " self.gen0_q = np.copy(self.network.sgen['q_mvar'])\n", + " \n", + " self.state = np.ones(self.agentnum, )\n", + " \n", + " def step(self, action):\n", + " \"State transition dynamics: it takes in the reactive power setpoint\"\n", + " \"then compute the voltage magnitude at each node via solving power flow\"\n", + " \n", + " done = False \n", + " \n", + " reward = float(-100*LA.norm(self.state-1.0)**2)\n", + " \n", + " # state-transition dynamics\n", + " for i in range(len(self.injection_bus)):\n", + " self.network.sgen.at[i, 'q_mvar'] = action[i] \n", + "\n", + " pp.runpp(self.network, algorithm='bfsw', init = 'dc')\n", + " \n", + " self.state = self.network.res_bus.iloc[self.injection_bus].vm_pu.to_numpy()\n", + " \n", + " return self.state, reward, done\n", + " \n", + " def step_load(self, action, load_p, load_q):\n", + " \"State transition dynamics: it takes in the reactive power setpoint, and load_p and load_q\"\n", + " \"compute the voltage magnitude at each node via solving power flow\"\n", + " \n", + " done = False \n", + " \n", + " reward = float(-100*LA.norm(self.state-1.0)**2)\n", + " \n", + " # state-transition dynamics\n", + " for i in range(len(self.injection_bus)):\n", + " self.network.sgen.at[i, 'q_mvar'] = action[i] \n", + " \n", + " self.network.load['p_mw'] = load_p\n", + " self.network.load['q_mvar'] = load_q\n", + "\n", + " pp.runpp(self.network, algorithm='bfsw', init = 'dc')\n", + " \n", + " self.state = self.network.res_bus.iloc[self.injection_bus].vm_pu.to_numpy()\n", + " \n", + " return self.state, reward, done\n", + "\n", + " def step_load_solar(self, action, load_p, load_q, gen_p, gen_q):\n", + " \"State transition dynamics: it takes in the reactive power setpoint, load_p and load_q\"\n", + " \"and gen_p & gen_q to compute the voltage magnitude at each node via solving power flow\"\n", + " \n", + " done = False \n", + " \n", + " reward = float(-100*LA.norm(self.state-1.0)**2)\n", + " \n", + " # state-transition dynamics\n", + " self.network.load['p_mw'] = load_p\n", + " self.network.load['q_mvar'] = load_q\n", + " self.network.sgen['p_mw'] = gen_p\n", + " self.network.sgen['q_mvar'] = gen_q \n", + " \n", + " for i in range(len(self.injection_bus)):\n", + " self.network.sgen.at[i, 'q_mvar'] += action[i] \n", + "\n", + " pp.runpp(self.network, algorithm='bfsw', init = 'dc')\n", + " \n", + " self.state = self.network.res_bus.iloc[self.injection_bus].vm_pu.to_numpy()\n", + " \n", + " return self.state, reward, done\n", + " \n", + " def reset(self, seed=1):\n", + " np.random.seed(seed)\n", + " self.network.sgen['p_mw'] = 0.0\n", + " self.network.sgen['q_mvar'] = 0.0\n", + " self.network.load['p_mw'] = 0.0\n", + " self.network.load['q_mvar'] = 0.0\n", + "\n", + " \n", + " pp.runpp(self.network, algorithm='bfsw')\n", + " self.state = self.network.res_bus.iloc[self.injection_bus].vm_pu.to_numpy()\n", + " return self.state " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from network_utils import (\n", + " create_56bus,\n", + " create_RX_from_net,\n", + " np_triangle_norm,\n", + " read_load_data)\n", + "\n", + "net = create_56bus()\n", + "injection_bus = np.array(range(0, 55))\n", + "\n", + "v_min, v_max = (11.4**2, 12.6**2) # +/-5%, units kV^2\n", + "v_nom = 12**2 # nominal squared voltage magnitude, units kV^2\n", + "env = VoltageCtrl_nonlinear(pp_net=net, vmin=v_min, vmax=v_max, v0=v_nom, injection_bus=injection_bus)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Test with real-world data" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import scipy.io as spio\n", + "# each row in is a node (1 - 55)\n", + "# 6 columns: ['name', 'connectionkW', 'kW', 'pf', 'kVar', 'nameopal']\n", + "aggr_p = spio.loadmat('data/aggr_p.mat', squeeze_me=True)['p'] # shape [14421]\n", + "aggr_q = spio.loadmat('data/aggr_q.mat', squeeze_me=True)['q'] # shape [14421]\n", + "solar = spio.loadmat('data/PV.mat', squeeze_me=True)['actual_PV_profile'] # shape [14421]\n", + "load = spio.loadmat('orig_data/loadavail20150908.mat', squeeze_me=True)\n", + "scale = 1.1\n", + "\n", + "active_load = np.stack(load['Load']['kW']) / 1000 # to MW\n", + "load_p = scale * active_load\n", + "reactive_load = np.stack(load['Load']['kVar']) / 1000 # to MVar\n", + "load_q = scale * reactive_load\n", + "\n", + "\n", + "agg_active_load = load_p.sum(axis=0)\n", + "assert np.allclose(agg_active_load, aggr_p)\n", + "agg_reactive_load = load_q.sum(axis=0)\n", + "assert np.allclose(agg_reactive_load, aggr_q)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "T = 14421\n", + "N = 55\n", + "gen_p = np.zeros((N, T))\n", + "gen_q = np.zeros((N, T))\n", + "solar_orig = spio.loadmat('orig_data/pvavail20150908_2.mat', squeeze_me=True)\n", + "capacities = np.array([\n", + " 9.97, 11.36, 13.53, 6.349206814, 106.142148, 154, 600, 293.54, 66.045,\n", + " 121.588489, 12.94935415, 19.35015173, 100, 31.17327501, 13.06234596,\n", + " 7.659505852, 100, 700]) # in kW\n", + "capacities /= 1000 # to MW\n", + "\n", + "# for whatever reason, Guanan scales the capacities by a factor of 7\n", + "# - see line 39 in dynamic_simu_setting_revision_2nd.m\n", + "capacities *= 7\n", + "\n", + "# see Generate_PV_power.m\n", + "pv_profile = solar_orig['PVavail'][0]['PVp_6s'] / solar_orig['PVavail'][0]['PVacrate']\n", + "pv = pv_profile * capacities.reshape(-1, 1) # shape [18, 14421]\n", + "\n", + "assert np.allclose(pv.sum(axis=0), solar)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "solar_index = np.array([9,12,14,16,19,10,11,13,15,7,2,4,20,23,25,26,32,8]) - 2\n", + "gen_p[solar_index,:] = pv" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "nodal_injection = -load_p + gen_p\n", + "pq_fluc = spio.loadmat('data/pq_fluc.mat', squeeze_me=True)['pq_fluc'] # shape [55, 2, 14421]\n", + "all_p = pq_fluc[:, 0] # shape [n, T]\n", + "all_q = pq_fluc[:, 1] # shape [n, T]\n", + "assert np.allclose(all_p, nodal_injection) # check if load_p - gen_p = total active injection\n", + "assert np.allclose(-load_q, all_q) # reactive power injection does not include any solar" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "index_list = [8,18,21,30,39,45,54]\n", + "for i in index_list:\n", + " plt.plot(nodal_injection[i,:], label = i)\n", + "\n", + "plt.legend()\n", + "time = [0, 3600, 7200, 10800, 14400]\n", + "labels = ['00:00','06:00','12:00','18:00','24:00']\n", + "plt.xticks(time, labels)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### no control" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "T = 14421\n", + "\n", + "state = env.reset()\n", + "episode_reward = 0\n", + "episode_control = 0\n", + "num_agent = len(injection_bus)\n", + "voltage = []\n", + "q = []\n", + "\n", + "last_action = np.zeros((num_agent,1))\n", + "\n", + "for t in range(T):\n", + " if(t%1000==0):\n", + " print('Simulated steps', t)\n", + " \n", + " state1 = np.asarray(state-env.vmax)\n", + " state2 = np.asarray(env.vmin-state)\n", + " \n", + " d_v = (np.maximum(state1, 0)-np.maximum(state2, 0)).reshape((num_agent,1))\n", + " \n", + " action = (last_action - 0*d_v)\n", + " \n", + " last_action = np.copy(action)\n", + " \n", + " #next_state, reward, done = env.step_load(action, load_p[:, t], load_q[:, t])\n", + " next_state, reward, done = env.step_load_solar(action, load_p[:, t], load_q[:, t], \n", + " gen_p[:, t], gen_q[:, t])\n", + "\n", + " voltage.append(state)\n", + "\n", + " q.append(action)\n", + "\n", + " state = next_state\n", + " \n", + " episode_reward += (reward/1000)\n", + " \n", + " episode_control += LA.norm(action, 2)**2\n", + "\n", + "voltage_baseline = np.asarray(voltage)\n", + "q_baseline = np.asarray(q)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "voltage_baseline.shape\n", + "np.save('nonlinear_voltage_baseline.npy', voltage_baseline)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "f = plt.figure(figsize=(5, 4))\n", + "ax = f.add_subplot(111)\n", + "\n", + "for i in range(len(index_list)):\n", + " plt.plot(12*voltage_baseline[:, index_list[i]], label = index_list[i]+1)\n", + "plt.legend(loc = 'upper right')\n", + "\n", + "plt.axhline(y=1.05*12, color='k', linestyle='--', label = 'Upper bound')\n", + "plt.axhline(y=0.95*12, color='k', linestyle='--', label = 'Lower bound')\n", + "plt.axhline(y=12, color='k', linestyle='--', label = 'Nominal')\n", + "plt.ylabel('Bus voltage (kV)')\n", + "plt.xlabel('Time (Hour)')\n", + "\n", + "time = [0, 3600, 7200, 10800, 14400]\n", + "labels = ['00:00','06:00','12:00','18:00','24:00']\n", + "plt.xticks(time, labels)\n", + "plt.yticks([11.0, 11.5, 12.0, 12.5, 13.0])\n", + "# plt.ylim([11.0, 13.0])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Test a linear model-based approach: " + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### First use data to learn R and X" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# 1.True R and X\n", + "R_mat = spio.loadmat('data/R_13.mat', squeeze_me=True)\n", + "X_mat = spio.loadmat('data/X_13.mat', squeeze_me=True)\n", + "RR = 2*R_mat['R'][1:,1:]\n", + "XX = 2*X_mat['X'][1:,1:]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# 2. Linear regression based on v = Rp+Xq +v0\n", + "P_matrix = gen_p.T - load_p.T\n", + "Q_matrix = gen_q.T - load_q.T\n", + "V_matrix = voltage_baseline" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "### Test the lindist model\n", + "t = 6000\n", + "V_pred = np.sqrt(RR@P_matrix[t, :]+XX@Q_matrix[t, :]+12**2)/12\n", + "plt.plot(V_matrix[t+1,:], label = 'True V')\n", + "plt.plot((V_pred), label = 'Predicted V')\n", + "plt.legend()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# least square solution for R and X\n", + "X = np.hstack([P_matrix[0:-1,:], Q_matrix[0:-1,:]])\n", + "Y = (V_matrix[1:,:]*12)**2-12**2\n", + "\n", + "alpha = np.dot((np.dot(np.linalg.pinv(np.dot(X.T, X), rcond=1e-5), X.T)), Y)\n", + "#print(alpha)\n", + "\n", + "R_hat = alpha[0:12,:]\n", + "X_hat = alpha[12:,:]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "index = 2\n", + "plt.plot(R_hat[index,:], label = 'R pred')\n", + "plt.plot(RR[index,:], label = 'R True')\n", + "plt.legend()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "y_pred = X@alpha\n", + "plt.plot(y_pred[:, index], label = 'V-v0 Pred')\n", + "plt.plot(Y[:, index], label = 'V-v0 True')\n", + "plt.legend()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Remark. \n", + "We might not be able to get an accurate estimation for R and X as p, q are correlated; but the voltage prediction from v = Rp + Xq +v0 is accurate" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import cvxpy as cp" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "### model based controller based on the groundtruth X and R matrices\n", + "\n", + "T = 14421\n", + "\n", + "state = env.reset0()\n", + "episode_reward = 0\n", + "episode_control = 0\n", + "num_agent = len(injection_bus)\n", + "voltage = []\n", + "q = []\n", + "\n", + "v_max = 12.6**2 - 12**2\n", + "v_min = 11.4**2 - 12**2\n", + "\n", + "for t in range(T):\n", + " if(t%1000==0):\n", + " print('Simulated steps', t)\n", + " \n", + " state1 = np.asarray(state-env.vmax)\n", + " state2 = np.asarray(env.vmin-state)\n", + " \n", + " d_v = (np.maximum(state1, 0)-np.maximum(state2, 0)).reshape((num_agent,1))\n", + " \n", + " action = 0*d_v #(last_action - 0*d_v)\n", + " \n", + " # Project the action into a safety set\n", + " action_pi = np.squeeze(action)\n", + " x = cp.Variable(N)\n", + " P = np.eye(N)\n", + " load_pt = load_p[:, t]\n", + " load_qt = load_q[:, t]\n", + " gen_pt = gen_p[:, t]\n", + " gen_qt = gen_q[:, t]\n", + " \n", + " prob = cp.Problem(cp.Minimize((1/2)*cp.quad_form(x-action_pi, P)),\n", + " [RR@(gen_pt-load_pt)+XX@(x+gen_qt-load_qt) <= v_max,\n", + " RR@(gen_pt-load_pt)+XX@(x+gen_qt-load_qt) >= v_min])\n", + " prob.solve()\n", + " action_proj = x.value\n", + " \n", + " action_proj2 = np.expand_dims(action_proj, axis=1)\n", + " \n", + " #print('Original action', action_pi, 'Projection', action_proj)\n", + " \n", + " \n", + " #next_state, reward, done = env.step_load(action, load_p[:, t], load_q[:, t])\n", + " next_state, reward, done = env.step_load_solar(action_proj2, load_p[:, t], load_q[:, t], \n", + " gen_p[:, t], gen_q[:, t])\n", + "\n", + " voltage.append(state)\n", + "\n", + " q.append(action_proj2)\n", + "\n", + " state = next_state\n", + " \n", + " episode_reward += (reward/1000)\n", + " \n", + " episode_control += LA.norm(action_proj2, 2)**2\n", + "\n", + "voltage_baseline_safe = np.asarray(voltage)\n", + "q_baseline_safe = np.asarray(q)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "index = [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11]\n", + "\n", + "f = plt.figure(figsize=(5, 4))\n", + "ax = f.add_subplot(111)\n", + "\n", + "for i in range(len(index)):\n", + " plt.plot(12*voltage_baseline_safe[:, index[i]], label = index[i])\n", + "plt.legend(loc = 'upper right')\n", + "\n", + "plt.axhline(y=1.05*12, color='k', linestyle='--', label = 'Upper bound')\n", + "plt.axhline(y=0.95*12, color='k', linestyle='--', label = 'Lower bound')\n", + "plt.axhline(y=12, color='k', linestyle='--', label = 'Nominal')\n", + "plt.ylabel('Bus voltage (kV)')\n", + "plt.xlabel('Time (Hour)')\n", + "\n", + "time = [0, 3600, 7200, 10800, 14400]\n", + "labels = ['00:00','06:00','12:00','18:00','24:00']\n", + "plt.xticks(time, labels)\n", + "plt.yticks([11.0, 11.5, 12.0, 12.5, 13.0])\n", + "# plt.ylim([11.0, 13.0])" + ] + }, + { + "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.10.4 64-bit", + "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.10.4" + }, + "vscode": { + "interpreter": { + "hash": "31f2aee4e71d21fbe5cf8b01ff0e069b9275f58929596ceb00d14d90e3e16cd6" + } + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/notebooks/analysis_tsg_linear.ipynb b/notebooks/analysis_tsg_linear.ipynb index bfe9e4d..aa58206 100644 --- a/notebooks/analysis_tsg_linear.ipynb +++ b/notebooks/analysis_tsg_linear.ipynb @@ -5,7 +5,12 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Analysis of Controller on Linear Simulation" + "## Analysis of Controller on Linear Simulation\n", + "\n", + "This notebook generates the following figures in the paper TODO:\n", + "- 2a\n", + "- 3a-e\n", + "- 5a" ] }, { @@ -36,6 +41,7 @@ "\n", "import matplotlib.pyplot as plt\n", "import numpy as np\n", + "from tqdm.auto import tqdm\n", "\n", "from matplotlib_inline import backend_inline\n", "backend_inline.set_matplotlib_formats('svg')\n", @@ -52,12 +58,13 @@ "metadata": {}, "outputs": [], "source": [ - "plots_dir = 'plots/tsg/'\n", + "plots_dir = 'plots/tsg_take2/'\n", "os.makedirs(plots_dir, exist_ok=True)\n", "\n", - "def savefig(fig: plt.Figure, filename: str) -> None:\n", + "def savefig(fig: plt.Figure, filename: str, **kwargs) -> None:\n", " path = os.path.join(plots_dir, filename)\n", - " fig.savefig(path, dpi=300, pad_inches=0, bbox_inches='tight', facecolor='white')" + " defaults = dict(dpi=300, pad_inches=0, bbox_inches='tight', facecolor='white')\n", + " fig.savefig(path, **(defaults | kwargs))" ] }, { @@ -109,7 +116,11 @@ "v_nom = 12**2 # nominal squared voltage magnitude, units kV^2\n", "v_sub = v_nom # fixed squared voltage magnitude at substation, units kV^2\n", "\n", - "vpars = qe @ X + p @ R + v_sub # shape [T, n]" + "vpars = qe @ X + p @ R + v_sub # shape [T, n]\n", + "\n", + "Vpar_min = np.min(vpars, axis=0) # shape [n]\n", + "Vpar_max = np.max(vpars, axis=0) # shape [n]\n", + "Vpar = (Vpar_min, Vpar_max)" ] }, { @@ -123,6 +134,15 @@ "print('min-voltage node:', np.argmin(vpars.min(axis=0)))" ] }, + { + "attachments": {}, + "cell_type": "markdown", + "id": "e5c24df9", + "metadata": {}, + "source": [ + "## Figure 2a: linear simulation, no controller" + ] + }, { "cell_type": "code", "execution_count": null, @@ -130,22 +150,33 @@ "metadata": {}, "outputs": [], "source": [ - "# plot linear sim no-control\n", - "fig, ax = plt.subplots(figsize=(4, 3), dpi=200, tight_layout=True)\n", - "\n", - "ts = range(T)\n", - "for i in np.asarray(buses) - 1:\n", - " ax.plot(ts, np.sqrt(vpars[:, i]))\n", - "\n", - "ax.axhline(11.4, ls='--', color='black')\n", - "ax.axhline(12.6, ls='--', color='black')\n", - "ax.set(ylabel='Voltage (kV)', ylim=(y_min, 13.4))\n", - "ax.set(xlabel='time $t$', xlim=(0, T),\n", - " xticks=TIME_TICKS, xticklabels=TIME_LABELS)\n", - "\n", - "savefig(fig, filename='linear_nocontrol.pdf')\n", - "savefig(fig, filename='linear_nocontrol.png')\n", - "savefig(fig, filename='linear_nocontrol.svg')" + "def plot_2a():\n", + " # plot linear sim no-control\n", + " fig, ax = plt.subplots(figsize=(4, 3), dpi=200, tight_layout=True)\n", + "\n", + " ts = range(T)\n", + " for i in np.asarray(buses) - 1:\n", + " ax.plot(ts, np.sqrt(vpars[:, i]))\n", + "\n", + " ax.axhline(11.4, ls='--', color='black')\n", + " ax.axhline(12.6, ls='--', color='black')\n", + " ax.set(ylabel='Voltage (kV)', ylim=(11.0, 13.4))\n", + " ax.set(xlabel='time $t$', xlim=(0, T),\n", + " xticks=TIME_TICKS, xticklabels=TIME_LABELS)\n", + "\n", + " savefig(fig, filename='linear_nocontrol.pdf')\n", + " savefig(fig, filename='linear_nocontrol.png')\n", + " savefig(fig, filename='linear_nocontrol.svg')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "2f318624", + "metadata": {}, + "outputs": [], + "source": [ + "plot_2a()" ] }, { @@ -169,22 +200,98 @@ "metadata": {}, "outputs": [], "source": [ - "# use same seed for all cases\n", - "pkls_by_seed = {}\n", + "def load_pkl(path: str) -> dict:\n", + " with open(path, 'rb') as f:\n", + " return pickle.load(f)\n", + "\n", + "\n", + "pkl_paths = {\n", + " # ('known', None): 'out/CBCconst_20230809_234150.pkl', # fixed X̂, fixed etahat\n", + " ('known', None): 'out/CBCconst_δ20_η10_20230810_011115.pkl', # fixed X̂, learned etahat\n", + "}\n", "for seed in [8, 9, 10, 11]:\n", - " pkls = {}\n", - " pkl_paths = {\n", - " 'unknown': glob(f'out/CBCproj_noise1.0_perm_norm1.0_seed{seed}_2*.pkl')[0],\n", - " 'topo-14': glob(f'out/CBCproj_noise1.0_perm_norm1.0_seed{seed}_knowntopo14_2*.pkl')[0],\n", - " 'lines-14': glob(f'out/CBCproj_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", - " 'known': 'out/CBCconst_20220211_052507.pkl',\n", + " pkl_paths |= {\n", + " # default: δ=20\n", + " ('unknown', seed): glob(f'out/CBCproj_δ20_η10_noise1.0_perm_norm1.0_seed{seed}_2*.pkl')[0],\n", + " ('topo-14', seed): glob(f'out/CBCproj_δ20_η10_noise1.0_perm_norm1.0_seed{seed}_knowntopo14_2*.pkl')[0],\n", + " ('lines-14', seed): glob(f'out/CBCproj_δ20_η10_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", + "\n", + " (r'η* known', seed): glob(f'out/CBCproj_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", + " (r'δ=1', seed): glob(f'out/CBCproj_δ1_η10_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", + " (r'δ=20', seed): glob(f'out/CBCproj_δ20_η10_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", + " (r'δ=100', seed): glob(f'out/CBCproj_δ100_η10_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", + " (r'δ=500', seed): glob(f'out/CBCproj_δ500_η10_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", " }\n", "\n", - " for name, pkl_path in pkl_paths.items():\n", - " with open(pkl_path, 'rb') as f:\n", - " pkls[name] = pickle.load(f)\n", - " print(pkls[name].keys())\n", - " pkls_by_seed[seed] = pkls" + "pkls = {}\n", + "for (name, seed), pkl_path in pkl_paths.items():\n", + " pkl = load_pkl(pkl_path)\n", + " pkls[(name, seed)] = pkl\n", + " print(f'{name: <15} {str(seed): <4}', pkl.keys())" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "342167a3", + "metadata": {}, + "outputs": [], + "source": [ + "def check_consistency(data: dict):\n", + " v = data['vs']\n", + " qc = data['qcs']\n", + " u = qc[1:] - qc[:-1] # u[t] = u(t) = q^c(t+1) - q^c(t)\n", + " Δv = v[1:] - v[:-1] # Δv[t] = v(t+1) - v(t)\n", + " count_inconsistent = []\n", + " for t in sorted(data['params'].keys()):\n", + " if data['config']['δ'] == 0:\n", + " X̂ = data['params'][t]\n", + " etahat = 8.65\n", + " else:\n", + " X̂, etahat = data['params'][t]\n", + " vpar_hat = v[1:t+1] - qc[1:t+1] @ X̂\n", + " w_hat = Δv[:t] - u[:t] @ X̂\n", + " consistent = (\n", + " (Vpar_min - 0.05 <= vpar_hat).all(axis=1)\n", + " | (vpar_hat <= Vpar_max + 0.05).all(axis=1)\n", + " | (np.max(np.abs(w_hat), axis=1) <= etahat)\n", + " )\n", + " num_inconsistent = t - consistent.sum()\n", + " count_inconsistent.append(num_inconsistent)\n", + " return count_inconsistent" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "78979cba", + "metadata": {}, + "outputs": [], + "source": [ + "count_inconsistent = {}\n", + "for (name, seed), data in tqdm(pkls.items()):\n", + " count_inconsistent[(name, seed)] = check_consistency(data)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "0afe9430", + "metadata": {}, + "outputs": [], + "source": [ + "fig, axs = plt.subplots(1, 4, sharey=True, figsize=(15, 4))\n", + "for (name, seed), counts in count_inconsistent.items():\n", + " if seed is None:\n", + " continue\n", + " ax = axs[seed % 8]\n", + " ax.plot(counts, label=f'{name}')\n", + " ax.legend(loc='upper left')\n", + "for ax, seed in zip(axs, [8, 9, 10, 11]):\n", + " ax.set(xlabel='time $t$', title=f'seed {seed}')\n", + " if seed == 8:\n", + " ax.set(ylabel='# of inconsistent data points')\n", + "savefig(fig, filename='violations.png')" ] }, { @@ -194,7 +301,7 @@ "metadata": {}, "outputs": [], "source": [ - "def plot_pkl(name: str, data: dict, plot_legend: bool = False) -> None:\n", + "def plot_pkl(name: str, data: dict, seed: int | None = None, plot_legend: bool = False) -> None:\n", " ts = range(T)\n", " fig, ax = plt.subplots(figsize=(4, 3), dpi=60, tight_layout=True)\n", " for i in np.array(buses) - 1:\n", @@ -207,17 +314,20 @@ " ax.set(xlabel='time $t$', xlim=(-50, T),\n", " xticks=TIME_TICKS, xticklabels=TIME_LABELS)\n", "\n", - " savefig(fig, filename=f'linear_{name}.pdf')\n", - " savefig(fig, filename=f'linear_{name}.png')\n", - " savefig(fig, filename=f'linear_{name}.svg')\n", + " filename = f'linear_{name}'\n", + " if seed is not None:\n", + " filename += f'_s{seed}'\n", + " savefig(fig, filename=f'{filename}.pdf')\n", + " savefig(fig, filename=f'{filename}.png')\n", + " savefig(fig, filename=f'{filename}.svg')\n", "\n", " if plot_legend:\n", " leg = ax.legend(loc='center left', bbox_to_anchor=(1, 0.5), title='bus')\n", " fig.canvas.draw()\n", " bbox = leg.get_window_extent().transformed(fig.dpi_scale_trans.inverted())\n", - " fig.savefig('plots/tsg/linear_legend.pdf', dpi=300, bbox_inches=bbox, facecolor='white')\n", - " fig.savefig('plots/tsg/linear_legend.png', dpi=300, bbox_inches=bbox, facecolor='white')\n", - " fig.savefig('plots/tsg/linear_legend.svg', dpi=300, bbox_inches=bbox, facecolor='white')" + " savefig(fig, 'linear_legend.pdf', bbox_inches=bbox)\n", + " savefig(fig, 'linear_legend.png', bbox_inches=bbox)\n", + " savefig(fig, 'linear_legend.svg', bbox_inches=bbox)" ] }, { @@ -227,9 +337,16 @@ "metadata": {}, "outputs": [], "source": [ - "seed = 10\n", - "for i, (name, data) in enumerate(pkls_by_seed[seed].items()):\n", - " plot_pkl(name, data, plot_legend=(i == 0))" + "def fig3abcd(seeds: list[int]) -> None:\n", + " for seed in seeds:\n", + " for i, name in enumerate(['unknown', 'topo-14', 'lines-14']):\n", + " print(name, seed)\n", + " data = pkls[(name, seed)]\n", + " plot_pkl(name, data, seed, plot_legend=(i == 0))\n", + " plot_pkl('known', pkls[('known', None)], None)\n", + "\n", + "\n", + "fig3abcd(seeds=[8, 9, 10, 11])" ] }, { @@ -239,20 +356,90 @@ "metadata": {}, "outputs": [], "source": [ - "fig, ax = plt.subplots(figsize=(4, 3), dpi=60, tight_layout=True)\n", - "\n", - "for name, data in pkls.items():\n", - " data = pkls[name]\n", - " ax.plot(data['dists']['t'] + [T], data['dists']['true'] + [data['dists']['true'][-1]],\n", - " label=name)\n", - " ax.scatter(0, data['dists']['true'][0])\n", - "ax.legend()\n", - "ax.set_ylabel(r'$||\\hat{X}_t - X^\\star||_\\bigtriangleup$')\n", - "ax.set(xticks=TIME_TICKS, xticklabels=TIME_LABELS)\n", - "ax.set(xlabel='time $t$', xlim=(-50, T))\n", - "savefig(fig, filename='linear_error.pdf')\n", - "savefig(fig, filename='linear_error.png')\n", - "savefig(fig, filename='linear_error.svg')" + "def plot_error_and_etahat(pkls_dict: dict[str, dict], filename: str,\n", + " legend: str | None) -> None:\n", + " \"\"\"\n", + " Args\n", + " - legend: one of [None, 'top', 'separate']\n", + " \"\"\"\n", + " fig, ax = plt.subplots(figsize=(4, 3), dpi=60, tight_layout=True)\n", + " axr = ax.twinx()\n", + " axr.spines['right'].set_visible(True)\n", + "\n", + " for name, data in pkls_dict.items():\n", + " print(name)\n", + " ax.step(data['dists']['t'] + [T], data['dists']['X_true'] + [data['dists']['X_true'][-1]],\n", + " where='post', label=name)\n", + " ax.scatter(0, data['dists']['X_true'][0])\n", + " if 'η' in data['dists']:\n", + " axr.step([0] + data['dists']['t'] + [T], [0] + data['dists']['η'] + [data['dists']['η'][-1]], ':',\n", + " where='post')\n", + " else:\n", + " axr.plot([0, T], [8.65, 8.65], ':')\n", + "\n", + " ax.set_ylabel(r'$||\\hat{X}_t - X^\\star||_\\bigtriangleup$')\n", + " axr.set_ylabel(r'$\\hat\\eta$')\n", + " ax.set(xticks=TIME_TICKS, xticklabels=TIME_LABELS)\n", + " ax.set(xlabel='time $t$', xlim=(-50, T))\n", + "\n", + " if legend == 'top':\n", + " ax.legend(ncols=2, bbox_to_anchor=(0, 1), loc='lower left')\n", + "\n", + " savefig(fig, filename=f'{filename}.pdf')\n", + " savefig(fig, filename=f'{filename}.png')\n", + " savefig(fig, filename=f'{filename}.svg')\n", + "\n", + " if legend == 'separate':\n", + " axr.set_ylabel('')\n", + " axr.set_yticklabels([])\n", + " leg = ax.legend(loc='center left', bbox_to_anchor=(1, 0.5))\n", + " fig.canvas.draw()\n", + " bbox = leg.get_tightbbox().transformed(fig.dpi_scale_trans.inverted())\n", + " savefig(fig, f'{filename}_legend.pdf', bbox_inches=bbox)\n", + " savefig(fig, f'{filename}_legend.png', bbox_inches=bbox)\n", + " savefig(fig, f'{filename}_legend.svg', bbox_inches=bbox)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "faacba64", + "metadata": {}, + "outputs": [], + "source": [ + "def fig3e(seeds: list[int]) -> None:\n", + " for seed in seeds:\n", + " fig3e_pkls = {\n", + " name: pkls[(name, seed)]\n", + " for name in ['unknown', 'topo-14', 'lines-14']\n", + " }\n", + " fig3e_pkls['known'] = pkls[('known', None)]\n", + " plot_error_and_etahat(\n", + " fig3e_pkls, filename=f'linear_error_s{seed}', legend='top')\n", + "\n", + "\n", + "fig3e(seeds=[8, 9, 10, 11])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "66fa4777", + "metadata": {}, + "outputs": [], + "source": [ + "def fig5a(seeds: list[int]) -> None:\n", + " for i, seed in enumerate(seeds):\n", + " pkls_by_delta = {\n", + " name: pkls[(name, seed)]\n", + " for name in ['η* known', 'δ=1', 'δ=20', 'δ=100', 'δ=500']\n", + " }\n", + " plot_error_and_etahat(\n", + " pkls_by_delta, filename=f'linear_error_by_delta_s{seed}',\n", + " legend='separate' if i == 0 else None)\n", + "\n", + "\n", + "fig5a(seeds=[8, 9, 10, 11])" ] }, { @@ -327,7 +514,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.9.16" + "version": "3.10.12" }, "vscode": { "interpreter": { diff --git a/notebooks/analysis_tsg_nonlinear.ipynb b/notebooks/analysis_tsg_nonlinear.ipynb new file mode 100644 index 0000000..815f6a4 --- /dev/null +++ b/notebooks/analysis_tsg_nonlinear.ipynb @@ -0,0 +1,566 @@ +{ + "cells": [ + { + "attachments": {}, + "cell_type": "markdown", + "id": "fdae8563", + "metadata": {}, + "source": [ + "## Analysis of Controller on Nonlinear Simulation\n", + "\n", + "This notebook generates plots for figures TODO in the paper TODO." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "%load_ext autoreload\n", + "%autoreload 2\n", + "%matplotlib inline\n", + "%cd .." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from __future__ import annotations\n", + "\n", + "from glob import glob\n", + "import os\n", + "import pickle\n", + "\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "from tqdm.auto import tqdm\n", + "\n", + "from matplotlib_inline import backend_inline\n", + "backend_inline.set_matplotlib_formats('svg')\n", + "\n", + "# hide top and right splines on plots\n", + "plt.rcParams['axes.spines.right'] = False\n", + "plt.rcParams['axes.spines.top'] = False" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "02043ebf", + "metadata": {}, + "outputs": [], + "source": [ + "plots_dir = 'plots/tsg_take2/'\n", + "os.makedirs(plots_dir, exist_ok=True)\n", + "\n", + "def savefig(fig: plt.Figure, filename: str, **kwargs) -> None:\n", + " path = os.path.join(plots_dir, filename)\n", + " defaults = dict(dpi=300, pad_inches=0, bbox_inches='tight', facecolor='white')\n", + " fig.savefig(path, **(defaults | kwargs))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "TIME_TICKS = [ 0, 2400, 4800, 7200, 9600, 12000, 14400]\n", + "TIME_LABELS = ['0h', '4h', '8h', '12h', '16h', '20h', '24h']\n", + "\n", + "v_min, v_max = (11.4**2, 12.6**2) # +/-5%, units kV^2\n", + "print(v_min, v_max)\n", + "\n", + "y_min, y_max = 11.2, 12.8" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Recreate Fig8 in Qu and Li (2020)\n", + "# - they count the substation as bus 1\n", + "# - we count the substation as bus 0\n", + "buses = [8, 18, 21, 30, 39, 45, 54] # 0 = substation" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "6d6fe05e", + "metadata": {}, + "outputs": [], + "source": [ + "from network_utils import (\n", + " create_56bus,\n", + " create_RX_from_net,\n", + " read_load_data)\n", + "\n", + "net = create_56bus()\n", + "R, X = create_RX_from_net(net, noise=0) # true R and X\n", + "p, qe = read_load_data() # in MW and MVar\n", + "T, n = p.shape\n", + "\n", + "v_nom = 12**2 # nominal squared voltage magnitude, units kV^2\n", + "v_sub = v_nom # fixed squared voltage magnitude at substation, units kV^2\n", + "\n", + "# vpars = qe @ X + p @ R + v_sub # shape [T, n]\n", + "\n", + "# saved nonlinear vpars includes substation. Here, we ignore the substation.\n", + "vpars = np.load('data/nonlinear_voltage_baseline.npy')[:, 1:] # shape [T, n]\n", + "vpars = (vpars * 12.)**2\n", + "Vpar_min = np.min(vpars, axis=0) - 0.5\n", + "Vpar_max = np.max(vpars, axis=0) + 0.5\n", + "Vpar = (Vpar_min, Vpar_max)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "6716963c", + "metadata": {}, + "outputs": [], + "source": [ + "print('max-voltage node:', np.argmax(vpars.max(axis=0)))\n", + "print('min-voltage node:', np.argmin(vpars.min(axis=0)))" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "id": "74b2fdce", + "metadata": {}, + "source": [ + "## Figure 2b: nonlinear simulation, no controller" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ec337993", + "metadata": {}, + "outputs": [], + "source": [ + "def plot_2b():\n", + " # plot nonlinear sim no-control\n", + " fig, ax = plt.subplots(figsize=(4, 3), dpi=200, tight_layout=True)\n", + "\n", + " ts = range(T)\n", + " for i in np.asarray(buses) - 1:\n", + " ax.plot(ts, np.sqrt(vpars[:, i]))\n", + "\n", + " ax.axhline(11.4, ls='--', color='black')\n", + " ax.axhline(12.6, ls='--', color='black')\n", + " ax.set(ylabel='Voltage (kV)', ylim=(11.0, 13.4))\n", + " ax.set(xlabel='time $t$', xlim=(0, T),\n", + " xticks=TIME_TICKS, xticklabels=TIME_LABELS)\n", + "\n", + " savefig(fig, filename='nonlinear_nocontrol.pdf')\n", + " savefig(fig, filename='nonlinear_nocontrol.png')\n", + " savefig(fig, filename='nonlinear_nocontrol.svg')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "adc0c983", + "metadata": {}, + "outputs": [], + "source": [ + "# plot_2b()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Fig1 - Baselines\n", + "- voltage profile, no controller\n", + "- voltage profile, controller with true X\n", + "- voltage profile, Li et al. controller I\n", + "- voltage profile, Li et al. controller II" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def load_pkl(path: str) -> dict:\n", + " with open(path, 'rb') as f:\n", + " return pickle.load(f)\n", + "\n", + "\n", + "outdir = 'out/nonlinear/'\n", + "pkl_paths = {\n", + " # ('known', None): outdir + 'CBCconst_20230810_130611.pkl', # fixed X̂, fixed etahat\n", + " ('known', None): outdir + 'CBCconst_δ20_η10_20230810_130842.pkl', # fixed X̂, learned etahat\n", + "}\n", + "for seed in [8, 9, 10, 11]:\n", + " pkl_paths |= {\n", + " # default: δ=20\n", + " ('unknown', seed): glob(outdir + f'CBCproj_δ20_η10_noise1.0_perm_norm1.0_seed{seed}_2*.pkl')[0],\n", + " ('topo-14', seed): glob(outdir + f'CBCproj_δ20_η10_noise1.0_perm_norm1.0_seed{seed}_knowntopo14_2*.pkl')[0],\n", + " ('lines-14', seed): glob(outdir + f'CBCproj_δ20_η10_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", + "\n", + " (r'η* known', seed): glob(outdir + f'CBCproj_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", + " (r'δ=1', seed): glob(outdir + f'CBCproj_δ1_η10_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", + " (r'δ=20', seed): glob(outdir + f'CBCproj_δ20_η10_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", + " (r'δ=100', seed): glob(outdir + f'CBCproj_δ100_η10_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", + " (r'δ=500', seed): glob(outdir + f'CBCproj_δ500_η10_noise1.0_perm_norm1.0_seed{seed}_knownlines14_2*.pkl')[0],\n", + " }\n", + "\n", + "pkls = {}\n", + "for (name, seed), pkl_path in pkl_paths.items():\n", + " pkl = load_pkl(pkl_path)\n", + " pkls[(name, seed)] = pkl\n", + " print(f'{name: <15} {str(seed): <4}', pkl.keys())" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "9ca8168b", + "metadata": {}, + "outputs": [], + "source": [ + "def check_consistency(data: dict):\n", + " v = data['vs']\n", + " qc = data['qcs']\n", + " u = qc[1:] - qc[:-1] # u[t] = u(t) = q^c(t+1) - q^c(t)\n", + " Δv = v[1:] - v[:-1] # Δv[t] = v(t+1) - v(t)\n", + " count_inconsistent = []\n", + " for t in sorted(data['params'].keys()):\n", + " if data['config']['δ'] == 0:\n", + " X̂ = data['params'][t]\n", + " etahat = 8.65\n", + " else:\n", + " X̂, etahat = data['params'][t]\n", + " vpar_hat = v[1:t+1] - qc[1:t+1] @ X̂\n", + " w_hat = Δv[:t] - u[:t] @ X̂\n", + " consistent = (\n", + " (Vpar_min - 0.05 <= vpar_hat).all(axis=1)\n", + " | (vpar_hat <= Vpar_max + 0.05).all(axis=1)\n", + " | (np.max(np.abs(w_hat), axis=1) <= etahat)\n", + " )\n", + " num_inconsistent = t - consistent.sum()\n", + " count_inconsistent.append(num_inconsistent)\n", + " return count_inconsistent" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "affed81e", + "metadata": {}, + "outputs": [], + "source": [ + "count_inconsistent = {}\n", + "for (name, seed), data in tqdm(pkls.items()):\n", + " count_inconsistent[(name, seed)] = check_consistency(data)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "63d358c5", + "metadata": {}, + "outputs": [], + "source": [ + "def plot_pkl(name: str, data: dict, seed: int | None = None, plot_legend: bool = False) -> None:\n", + " ts = range(T)\n", + " fig, ax = plt.subplots(figsize=(4, 3), dpi=60, tight_layout=True)\n", + " for i in np.array(buses) - 1:\n", + " ax.plot(ts, np.sqrt(data['vs'][:, i]), label=f'{i+1}')\n", + "\n", + " ax.axhline(11.4, ls='--', color='black')\n", + " ax.axhline(12.6, ls='--', color='black')\n", + " ax.set(ylabel='Voltage (kV)', ylim=(y_min, y_max),\n", + " yticks=[11.4, 11.7, 12, 12.3, 12.6])\n", + " ax.set(xlabel='time $t$', xlim=(-50, T),\n", + " xticks=TIME_TICKS, xticklabels=TIME_LABELS)\n", + "\n", + " filename = f'nonlinear_{name}'\n", + " if seed is not None:\n", + " filename += f'_s{seed}'\n", + " savefig(fig, filename=f'{filename}.pdf')\n", + " savefig(fig, filename=f'{filename}.png')\n", + " savefig(fig, filename=f'{filename}.svg')\n", + "\n", + " if plot_legend:\n", + " leg = ax.legend(loc='center left', bbox_to_anchor=(1, 0.5), title='bus')\n", + " fig.canvas.draw()\n", + " bbox = leg.get_window_extent().transformed(fig.dpi_scale_trans.inverted())\n", + " savefig(fig, 'nonlinear_legend.pdf', bbox_inches=bbox)\n", + " savefig(fig, 'nonlinear_legend.png', bbox_inches=bbox)\n", + " savefig(fig, 'nonlinear_legend.svg', bbox_inches=bbox)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "706efa29", + "metadata": {}, + "outputs": [], + "source": [ + "def fig3abcd(seeds: list[int]) -> None:\n", + " for seed in seeds:\n", + " for i, name in enumerate(['unknown', 'topo-14', 'lines-14']):\n", + " print(name, seed)\n", + " data = pkls[(name, seed)]\n", + " plot_pkl(name, data, seed, plot_legend=(i == 0))\n", + " plot_pkl('known', pkls[('known', None)], None)\n", + "\n", + "\n", + "fig3abcd(seeds=[8, 9, 10, 11])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "393319c3", + "metadata": {}, + "outputs": [], + "source": [ + "def plot_error_and_etahat(pkls_dict: dict[str, dict], filename: str,\n", + " legend: str | None) -> None:\n", + " \"\"\"\n", + " Args\n", + " - legend: one of [None, 'top', 'separate']\n", + " \"\"\"\n", + " fig, ax = plt.subplots(figsize=(4, 3), dpi=60, tight_layout=True)\n", + " axr = ax.twinx()\n", + " axr.spines['right'].set_visible(True)\n", + "\n", + " for name, data in pkls_dict.items():\n", + " print(name)\n", + " ax.step(data['dists']['t'] + [T], data['dists']['X_true'] + [data['dists']['X_true'][-1]],\n", + " where='post', label=name)\n", + " ax.scatter(0, data['dists']['X_true'][0])\n", + " if 'η' in data['dists']:\n", + " axr.step([0] + data['dists']['t'] + [T], [0] + data['dists']['η'] + [data['dists']['η'][-1]], ':',\n", + " where='post')\n", + " else:\n", + " axr.plot([0, T], [8.65, 8.65], ':')\n", + "\n", + " ax.set_ylabel(r'$||\\hat{X}_t - X^\\star||_\\bigtriangleup$')\n", + " axr.set_ylabel(r'$\\hat\\eta$')\n", + " ax.set(xticks=TIME_TICKS, xticklabels=TIME_LABELS)\n", + " ax.set(xlabel='time $t$', xlim=(-50, T))\n", + "\n", + " if legend == 'top':\n", + " ax.legend(ncols=2, bbox_to_anchor=(0, 1), loc='lower left')\n", + "\n", + " savefig(fig, filename=f'{filename}.pdf')\n", + " savefig(fig, filename=f'{filename}.png')\n", + " savefig(fig, filename=f'{filename}.svg')\n", + "\n", + " if legend == 'separate':\n", + " axr.set_ylabel('')\n", + " axr.set_yticklabels([])\n", + " leg = ax.legend(loc='center left', bbox_to_anchor=(1, 0.5))\n", + " fig.canvas.draw()\n", + " bbox = leg.get_tightbbox().transformed(fig.dpi_scale_trans.inverted())\n", + " savefig(fig, f'{filename}_legend.pdf', bbox_inches=bbox)\n", + " savefig(fig, f'{filename}_legend.png', bbox_inches=bbox)\n", + " savefig(fig, f'{filename}_legend.svg', bbox_inches=bbox)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "71194a9f", + "metadata": {}, + "outputs": [], + "source": [ + "def fig3e(seeds: list[int]) -> None:\n", + " for seed in seeds:\n", + " fig3e_pkls = {\n", + " name: pkls[(name, seed)]\n", + " for name in ['unknown', 'topo-14', 'lines-14']\n", + " }\n", + " fig3e_pkls['known'] = pkls[('known', None)]\n", + " plot_error_and_etahat(fig3e_pkls, filename=f'nonlinear_error_s{seed}', legend='top')\n", + "\n", + "\n", + "fig3e(seeds=[8, 9, 10, 11])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def fig5a(seeds: list[int]) -> None:\n", + " for i, seed in enumerate(seeds):\n", + " pkls_by_delta = {\n", + " name: pkls[(name, seed)]\n", + " for name in ['η* known', 'δ=1', 'δ=20', 'δ=100', 'δ=500']\n", + " }\n", + " plot_error_and_etahat(\n", + " pkls_by_delta, filename=f'nonlinear_error_by_delta_s{seed}',\n", + " legend='separate' if i == 0 else None)\n", + "\n", + "\n", + "fig5a(seeds=[8, 9, 10, 11])" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "id": "a2149f35", + "metadata": {}, + "source": [ + "## Fig6 - Partial Control" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "1be04b6f", + "metadata": {}, + "outputs": [], + "source": [ + "pkl_paths = {\n", + " ('known', None): outdir + 'CBCconst_δ20_η10_partialctrl_20230811_194616.pkl', # fixed X̂, learned etahat\n", + "}\n", + "for seed in [8, 9, 10, 11]:\n", + " pkl_paths |= {\n", + " # default: δ=20\n", + " ('unknown', seed): glob(outdir + f'CBCproj_δ20_η10_noise1.0_perm_norm1.0_seed{seed}_partialctrl_2*.pkl')[0],\n", + " ('lines-14', seed): glob(outdir + f'CBCproj_δ20_η10_noise1.0_perm_norm1.0_seed{seed}_partialctrl_knownlines14_2*.pkl')[0],\n", + " }\n", + "\n", + "pkls = {}\n", + "for (name, seed), pkl_path in pkl_paths.items():\n", + " pkl = load_pkl(pkl_path)\n", + " pkls[(name, seed)] = pkl\n", + " print(f'{name: <15} {str(seed): <4}', pkl.keys())" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "0948673c", + "metadata": {}, + "outputs": [], + "source": [ + "def plot_fill(ax: plt.Axes, values: np.ndarray, color: int, label: str, alpha=False) -> None:\n", + " \"\"\"\n", + " Args\n", + " - values: shape [num_runs, T]\n", + " - color: int, index into tab20 colors\n", + " 0 = blue, 2 = orange, 4 = green, 7 = purple\n", + " \"\"\"\n", + " num_runs, T = values.shape\n", + " ts = range(T)\n", + " dark = plt.cm.tab20.colors[color]\n", + " light = plt.cm.tab20.colors[color + 1]\n", + "\n", + " if num_runs == 1:\n", + " ax.plot(ts, values[0], color=dark, lw=0.5, label=label)\n", + " else:\n", + " mean = values.mean(axis=0)\n", + " std = values.std(axis=0)\n", + " ax.plot(ts, mean, color=dark, lw=0.5, label=label)\n", + " if alpha:\n", + " ax.fill_between(ts, mean-std, mean+std, color=light, alpha=0.5)\n", + " else:\n", + " ax.fill_between(ts, mean-std, mean+std, color=light)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "dd730859", + "metadata": {}, + "outputs": [], + "source": [ + "def plot_bus(pkls_by_label: dict, bus: int, legend: bool = False) -> None:\n", + " \"\"\"\n", + " Args:\n", + " - bus: int, where bus 0 = substation\n", + " \"\"\"\n", + " fig, ax = plt.subplots(figsize=(4, 3), tight_layout=True)\n", + " for c, (label, pkls) in enumerate(pkls_by_label.items()):\n", + " num_runs = len(pkls)\n", + " vs = np.zeros([num_runs, T])\n", + " for i, data in enumerate(pkls):\n", + " vs[i] = np.sqrt(data['vs'][:, bus - 1])\n", + " plot_fill(ax, vs, color=c*2, label=label, alpha=True)\n", + "\n", + " ax.axhline(11.4, ls='--', color='black')\n", + " ax.axhline(12.6, ls='--', color='black')\n", + " ax.set(ylabel='Voltage (kV)', ylim=(y_min, y_max),\n", + " yticks=[11.4, 11.7, 12, 12.3, 12.6])\n", + " ax.set(xlabel='time $t$', xlim=(-50, T),\n", + " xticks=TIME_TICKS, xticklabels=TIME_LABELS)\n", + "\n", + " savefig(fig, filename=f'nonlinear_partialctrl_bus{bus}.pdf')\n", + " savefig(fig, filename=f'nonlinear_partialctrl_bus{bus}.png')\n", + " savefig(fig, filename=f'nonlinear_partialctrl_bus{bus}.svg')\n", + "\n", + " if legend:\n", + " leg = ax.legend(loc='center left', bbox_to_anchor=(1, 0.5))\n", + " fig.canvas.draw()\n", + " bbox = leg.get_tightbbox().transformed(fig.dpi_scale_trans.inverted())\n", + " savefig(fig, 'nonlinear_partialctrl_legend.pdf', bbox_inches=bbox)\n", + " savefig(fig, 'nonlinear_partialctrl_legend.png', bbox_inches=bbox)\n", + " savefig(fig, 'nonlinear_partialctrl_legend.svg', bbox_inches=bbox)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c770b31e", + "metadata": {}, + "outputs": [], + "source": [ + "def fig6(seeds: list[int]) -> None:\n", + " for i, bus in enumerate([18, 30]):\n", + " pkls_by_label = {\n", + " 'unknown': [pkls[('unknown', seed)] for seed in seeds],\n", + " 'lines-14': [pkls[('lines-14', seed)] for seed in seeds],\n", + " 'known': [pkls[('known', None)]],\n", + " }\n", + " plot_bus(pkls_by_label, bus=bus, legend=(i==0))\n", + "\n", + "fig6(seeds=[8, 9, 10, 11])" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "cms21", + "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.10.12" + }, + "vscode": { + "interpreter": { + "hash": "10b6275cc9ddd3a78a2191f6baae49e6f52bcb59b992509c77c5b1f4a0eb0ef2" + } + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/notebooks/nonlinear_plotting.ipynb b/notebooks/nonlinear_plotting.ipynb index 38deb3c..29458ed 100644 --- a/notebooks/nonlinear_plotting.ipynb +++ b/notebooks/nonlinear_plotting.ipynb @@ -15,7 +15,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "id": "93ab30b4", "metadata": {}, "outputs": [], @@ -40,18 +40,10 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": null, "id": "7b4851be", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "129.96 158.76\n" - ] - } - ], + "outputs": [], "source": [ "v_min, v_max = (11.4**2, 12.6**2) # +/-5%, units kV^2\n", "print(v_min, v_max)\n", @@ -61,7 +53,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "id": "dacdbad5", "metadata": {}, "outputs": [], @@ -96,7 +88,7 @@ }, { "cell_type": "code", - "execution_count": 31, + "execution_count": null, "id": "d186849f", "metadata": {}, "outputs": [], @@ -131,47 +123,10 @@ }, { "cell_type": "code", - "execution_count": 67, + "execution_count": null, "id": "bbe9e94a", "metadata": {}, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAOoAAACuCAYAAAA4XZE0AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjQuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/MnkTPAAAACXBIWXMAAAk6AAAJOgHwZJJKAAAnfElEQVR4nO2deXxU1dn4v8/sQDYgYIRAwqKIbFZkURRQsbZ93agVbG0VtX1fu/1s674V3LVqXerS1g1b2ypal9ZKiwqoIBREEFR2EiCEsAQSkpCQWZ7fH/cmmZnMJAQmmUxyvp/PfHLvWZ+Tuc+c5Z7zPKKqGAyG9o0j2QIYDIbmMYpqMKQARlENhhTAKKrBkAIYRTUYUoCUUtRf/epXCpiP+aTSJyGklKIWFRUlWwSDISmklKIaDJ0Vo6gGQwpgFNVgSAGMohoMKYBRVIMhBTCKajCkAEZRDYYUwCiqwZACGEU1GFIAo6gGQwpgFNVgSAGMohoMKYBRVIMhBTCKajCkAEZRDYYUwCiqwZACGEU1GFIAo6gGQwqQUEUVkUwRWSYilSIy3A77u4h8KCL/FZGJMfJcIiKfiMgHIpKbSHkMho6CK8HlHQT+B3goLOy7qlorIvnAc8CUuggRcQG/AiYBY4A7gP9LsEwGQ8qT0B5VVf2quicqrNa+TAe+iMpyHLBWVWtVdTEwMpHyGAwdhUT3qDERkY+A44HLo6K6AwfC7p0x8l4CXAIwfvz41hLRYGjXtMlikqpOBMYCD0ZFlQEZYffBGHlfU9VpqjqtX79+rSekwdCOadUeVUQEcKmqH6i0P+FsBIaKiAc4BVjdmvIYDKlKwhVVRN4FTgKGAC8Bl1r6ihO41U4zA1ivqktE5DFgIVADXJFoeQyGjkDCFVVVvxUV9PsYaWaHXb8KvJpoOQyGjoTZ8GAwpABGUQ2GFMAoqsGQAhhFNRhSAKOoBkMKYBTVYEgBjKIaDCmAUVSDIQUwimowpABGUQ2GFMAoqsGQAhhFNRhSAKOoBkMKYBTVYEgB4h5zE5HjgYuAoXbQWuBtVV3fBnIZ2iMagj1fQZcekN4n2dJ0KmIqqojMBkqB94G37eCBwP+JSA9VndEm0hnaFlVY+yYULz/8PFPubz15DPXE61F/rKrVUWHrgbki0rWVZTK0FaEArHoJ9m068jLevwWGfhv6jjm89KWbwJcJ3XodeZ2dkHiKukRE/gW8pqqrwiNU9WCrSxUHv99PYWFhRFhubi4ul4uioiICgUB9uM/nIycnh5qaGkpKSiLyZGdnk5aWxt69e6msjDTjlJ+fD9ConrS0NLKzs6msrGTv3r0RcTk5Ofh8PkpKSqipqakPd7lc5ObmEggEKCoqisiTlZVFVlYWZWVllJWVtV2bVGHxb6w2dfGQndmVyupa9pZHfq05PdLweVyU7KukprZBBpfTQW6vDALBEEV7bAOSJS8AL5B12o/IGnhy022a9yiBYAhOvylxbQqjvX1PPp+PhKCqjT6AD/g28FfgM+A+4Gux0rbl58QTT1Qg4lNQUKCqqnl5eRHhkyZNUlXVBQsWNMrz4osvqqrqFVdc0SiujujwK664QlVVX3zxxUZxCxYsUFXVSZMmRYTn5eWpqmpBQUGjPDNnzlRV1ZkzZ7ZNm4L+xm06Z7jqezfri9d/q3GbHv6u6ns366SR/SLbdEyG6ns3a8Gfr2ncph9MUH3vZp356183btPmTVabjsnoVN9Top59sdoaHxHxAucC1wJ5qjq4yQytyNSpU/XRRx+NCDM96mG0SbbDxncpLImsp8ketXs3fF734fWodW1K85GV5qOssoayrJMgf5IVsehBcr/zEC5fGkV/+2ln61GFBNCkotq+YL4DTAUOAa+r6h+bSJ8JvAecCIwHtmItRrmAAHClqm6NylMBrLBvf66qa+KVP23aNJ0zZ85hNMtQzxdzoGRl02lUoaIEdm+A2irIOBYKl0DPgRAKQpdMa8W3YpcVn9kXnB4YdAZIM2/4ptxvzWMHnAkDzoL5dzSEdw4SoqjxVn1vwHo1UwG8DlysqntjpY0i2veMH/i+qhaLyLnADcDPovKsV9XJLRfd0Cxr32haSXetg51roKoUuveHAadBlywrLvdr8fOpwoGdUPQZONzQZyRInOfx/VusvwULoPDDhvADOyCjb4ua05mJt5i0H7gAqNAG3zGISKaqlscrTC1D23tsO76oag1QbEfXAqEY2QbZLi++BH5p5zEcLYcqYEec1yz+ati4ANw+GHERON0tK1sEMvtYnw0fWGV17d60coPVK9ex7MnO1KseNTHHLar6nKqWAi+JiBNARHph9a4txraEPwv4XYzowWq5vNgJ/PRIyjdE8f4t8PF9seP2b4Mv/gHHnWV9Wqqk0Rx/Nhx3JuzZACv+avW28VCFsqL48Ya4NLeF8EVgtoj0A+YAvzzCev4IPK2qG6Mj7B8EsH4ERkXH2/5T54jInO3btx9h9Z2IphSldAuUF8PXplu96WEV1/RiI2D1sF+bDkOmwPp5EPTHTldbZf1IGFpMvDlq3aaGRUAPYD4wDdjS0gpEZCawRS2L+NFx3YAaVQ0CZwCN3ryr6mvAa2AtJrW0/k7HV6/FDt/8EfQcBPnxPeJ9UVvGg+VfUh7y01WcZDk81GiQHg4vozzd2Rc6xDsHi7ioW38u65ZPD6c3soC03jD4TFjyLAyYAH1HwcF9sGcT5I0FbeQDzHCYxJuj/gvrnRBYq1ZFwG/tsLOaKjDc94x9fQewSETOApao6i0icjOWG4tM4AURqcSaF0e7ZTS0lJ1Ri0eq8OU/IXc0ZDVevKkM+blh32dsClTw0/QhPJ89Ho80eL8METns+mXmUEqDh5hVtppu4uK+7ich4QtJLg+c/hPY8TkULoWeA6xhcd5YawUZrLlq+GpxbZU1BHd6jr79HZSYiqqqZx5pgdrY98zdMdI8EHZ78pHWZYhi2dONw4o/h7xxkH5Mo6hrS5ezK1jDYz1PYWvvHqzq3oVA7o/xuNLq08SaG/UEblvxGEuLPmVk8b9YkHMO2dG9a99RUPAJfP73MFlsZ30Fn8DA0xvCP3kE0nLglP89/LZ2MuINfZ8CXlbVJVHhp2K9bjGLPu2RA1Fz+L2brOFoDCV9u2o73+jSh93DhlHQfRyn9pjMuBZUdczoX3DhaKiZ90P+c7CYfq6uTPRF1TPgNKgug32FULYDSr6ywotXRyqqw2ntOzbEJd7QdxZwjYg8AHixhr/VwAd2nKG9UbIq8r5iF5TvtDYlRPFVbTklwRqcJ43lhwNvPKpqv3XWb9lzaCc3vHUlJcEapnXLi0zQtYelqF+83TizvxrcXewbs/zQFPFez+xR1btVdZKqjlfVcao62Q7b09ZC1lNuVn3j8kXYWl35zsbDS5sF1SU8eWA9vU/4Gj/Iv/aoq013ZTCw2xBevvR9Pu3ZjQ+qd8ZO2C27cdgueyhcWwkHimDvOtOzxiG1LDzUlCVbgvbJzs8arg/uhzVvWhsZonYLvVW1nZllq/nhcRP5Wv40vI6oeeVR0MXZlfsnPMNjwR0sqtndEOH2WSvAoy5unGndW5H3q16ythhu/ShhcnUUUktRDY1RhS/DXsl89jcYd1UjJf1LZQECPD70AtzHnUd+1+MSLopTXPx2yhM86SxlSsn7qCohoFYc1jw0nLoV4JoYG902zm3Yegiw9An48B44dKBx2k7C4ZyeEaCXqu5uMmEbMG3SUJ3z4dpki9F+CNbCgpkN9wd2Wos3xwxtSKLKw+VfMcl3DON92QTPvhunJNzRfAQV/nIeX/8Ay1d/yCPVLr4MVHDhoG/AorBV6ZO/a207bCmpt+0wIZvym+xRRWQ68DHwvoi4ROSVRFRqSBDhShr0w661EUoK8GD5l5zdJYfxvmyYcn+rKylAujuT24ffz5gRE3mtahtravc3TlQdd8t404T3tJ2I5oa+PwcmAqWqGgB6t75IhiNi6zLIGRYR9EplIed0OZZTvD3h7Dh7f1uR20c8wDGZvXAAoeiRW23Y+dLD2aYYzu4vj1q2VKM5Ra3bmKIi4jqM9Ia2xGNvTDi4H7r1jHhfuuJQKbWEGOPtCUOnxj+G1srkpQ1GFEYV/ysyojbsoPqat1pW6OqXj1quVKM5xbsXWAgMx3qH2vY/y9EseyrZErQvdm+wFpB6H18ftNlfwZ8rC7g8baAV0HdskoQDcbhwxHpHmtYL9tk2BCp2ta1QKUiTExZV/Q/wH/uI2149rKMUrcyBTnpMKlgL/oPgy7Lu/dUw3zJSxqiL6/fObvAf4KHyr/hjT3ufUZIXXxziwonwo/TBwLaGiB75sPiZhvu6haaxM8BjDF1G06SiisgLUfd+rBMuz6pqWSvK1TTRm7o7A+v/CcWfNihe0D7Pn5lbP+RVVS7e/RHPZY+3Nsq3gxXSnQPPYGCoil6TfgSr59eH+1HcgyfDpoWRGZbNtjb1GyJo7mk/CCwBngQW22FlWCdfkoDdoZduSE71yaRuAcV/EAKHrI84YMQF9UlerdrK7OxTGefNhrPvTZKgkYTcXvwOJ2f0PCcifFugCnJOhNPsjfinhm3IXxR1uCDWQK4dDO7akuYU9XhVfVZVP1PV54GBqvosljnRtqfuy1n1UlKqTyp1ZzkPVcDCWfDZ8zDs/ProkkA1JcFqRnt7omfd225GHILE3MW7urbMTuCw9gM7XY2Vdf8267P4Gdj5RWQBVZ1rXtvct1kuIveIyFQRuRsos1d/K5vJ1zqEOvHB4zp7Q0sfs/4eKKLuXfq+4CFerdrKlemD2H/6LxBH+1BSAIc4CMZQ1aKgveorjoYfYKcLxl/dkOjLd6wPWAffayrgS3v1uDhs22QnoLlv9FJgJXA8sAq4VFUDqvo/rS1YTIK1zafpqEQfqtYQaKBeSX+ScTylI8+ne/RRsyTjEAcapqizM9IBOMXTg3cP7rBDwxTZ5YXRl8Uu7NM/w357pbisANa+ZR067wQ0t+obFJFVwG6sn+8JQPJ2TB+qSFrVSeGLV6zV3dINjRfQQiEOovylqpBr0o/DLQ4G5kxOmqjxEJEI05MVdm9/qq8XD5V/RfCgMjFvDJnhmXwZMOZy8KY1nq/WcaDI/myHcT9vLfHbDc1tIXwCeAR4GbgOuL4thIpLZxv6lnzesHC2+PcNvYeGqA4e4uGKDVydNgi3ONrFCm8surm64Qsz7RII23hxQ+aJOBFOP7Se0uChhkwilpICDJpoKW442z9tuK4opjPQ3NB3tKpeBBSo6oVY1vKTRydb6atHQ5DRx7KM4K+Bxb+nOlDN19P609XhardKCvDNAd/kkq796++D4RukptzPuT2GA/DbA2v5/p7FBDTK9POxwy2DbMPOb3hts3WZNWetM+3SCfb/NqeodXYfD9rGyYY2lbjVCdRYJi87GocqrJ7z0z9Y91V7YNGDDT9M5Tuh70lQtBL+a73a7vHVv3E5PYTOuic5Mh8mIoKcE24iK3Iro2PCDQDc2/0kfpp+PJsDMdYpswdD936RYTu/gC2LGu47+IHz5hT1Z7aTqOuwXFz8orUFapa1/062BIln3Vuw8kUoK7TcPiz5LRQssl5LLHraMmOSldso2wEUR/Q5z3aORilquAXDYZ4s1vtbeOa0bhhc59Omg9Kcon5fVQ+p6lpV/X9Ak95qRSRTRJaJSKWIDBeRdBGZLyIf2X/zYuS5VkQWi8g/RCQjVrkdnr3r6i9141we3/8lZSX2e8Pjp1hDPqcLJvw4Itsgdwr+u5o4G5DhcHMgFLmy//eqbXFS22xdZk0HwBoCN7WOET110pCVZ/8W2LUGKsLMyLx/i/WZ/+vG+ba83+ZmgeJZIcwGjgHOFJET7WAnMAVoakLUIidRdj0XAKcD38NyadF+J1yHiaqiKI7D3XTw8ZMAHOw/hre9wrUblwFQedqPSHNYLidKg4fwioO0sGzOFNwTu93tZrvLRfhAtrvDfvV02vXovJ+wyV/BINtk6Z1lq5lVtpqneo5pbOWwjv++YG2WcLpg/u0tF2rFs/HjQn744NbIMFXY8kHk2kDdPHnk96F35HHDRBDv9cwErKFufyzlAkvpnmyqsCNwEjUG+FBVVUT+DRzWlqNCfyXOiu14nV7rU7oJT9VuHA4XOL1o7jhwuJAmhoU1gRrKDpWhquyr2cew7KP/5y4pXsLLBc/x0aZliCo/OfFbfGf49WR5Mqms2oXb4cJbXca6DW+wsXQdizKdBF0uHrPzd922nO+GlbcneIg0h5sva8t4r3onz1du5r0e/cnZt42XM9KYkqSja0fKHreHn/Q7i9rSSGv+9YratSen+Y7hol0LGuX9aelyXsgez+b0NC6tCJvHjr8Klr4AS2xvoD0HwdBzG+KDfssK4vr3rPtjhlrHAg8diDxqB3DMCeD0WraQARwu671u3Wp7t56WK8qaCsgfV6+ceuZdhMp34vR2bTW7XvEMcL8NvC0iedH+TI+EMCdRP4yK6g7UTUrKsdxnNEtxsJp5ax+ix8FqTtmxnW7VB/CrEhJwKKhYc6GQOAg6HKg4CIqg4iQkQlAEh9NNF6cXhzjZ6a/kU5cbr9NBZq0fR6iWbn4/jlCIoMMqJyAO1OEiIOBUxaEh+6917Ssrwuuv4cljTkIKrOHajtpF7Fn9Cds1SFqgln0uFy4ceMTJOa5uTN0bIKRBXh0wik1d0/gRmfTu1puloYO8VLmZ6YEqfOJkRe0+fpE5lOcrN3NOJlxOFn/KzOCcZv5P7Y17+g3mVqe30ba2LEfDZo5B33iCRfOuY+LOeY1+1a/auxSye0QqqitqN2vp5vjvXsGyghHG24NOoSIU4NjqA/RRP0OL1/Fxdi5b+w4jiOBF6LlvG3t69ENFEMATyGBYwUdUu32cXLyWL9b+g6yAn90eHxv9+6hZ8VuyamsJEeLbPUcqU+4/6l/UeEPf5djbRcIm+4Llkv1IDjfGcxJVBtR5MM8E9sWQ5RLgEoBLTrTEPa20mNP2WYpHRh7Su3vjg9EasuYrdX/rrjUIobq/ASv8UACkG+ABj9v68t0+cDistKGgnd7+OBwgTstgl4i1EaHniXCgGHqfAL50cLjom5VLX6wfjdg7Xq1FgulRYb39Ib6bls/PS5fz9S59GDL6LApypnLGP5fx8aHd/Ckzw86bWj1qoceNxJgOvJh9KpU9+tcP6zO//gif273ViB3vxC1vbF4u1TveYU3YaZvQspd4fdhkqkNBMhxujnOn09/VjQyHm1oN8nltGXuDNYzwdCfX1ZUL7XxBVYKECAw+h/HAGeFypg9oXHnWEAC071iG+6sRl5d+u9YyurLKOqbn7EKCzCUB8XvUJheNWkJTTqKA5cCv7OtzaTihEy5Lg5OoYW7rae9rOX1r9G/wdbdOl9QpocvdsJndZRt6DlQ3lqJ7/8h7pwc86ZYi+g9aZQWi3LY63IBGvhboYu+vyR0DB23zx540pPdwKFoK3gzIHgL9JkDXbNtCfBB2LIO+Y6B0I9RWMHDtmxzqM4AfDh2My+FExcWAbsfz9KUfMOKlEQDcljmcqvR0ejVuTbslSOwfF8ewS0jLPiEy8KQroOcQcv62gEmebP5etY2bModxb3nD5vxqe5fT/OoSioMHceNgQ2ZXftmlT/3cPhyPOC2LFzFwiuAkzlTphIusOenEsLnq+7fA6P9FDhTBxnetsLzWO6Df3HnU/sBMrF5vI3B3c0PhljiJUtUCEfmXiCzGchIVZ5NnFNlDYfh0a/7Q3lCNbfbkhAsbh4GlrP1Ota572a+p+45lKE2/tL40LZ99p6TW1rmQ/W+59pheRPSTfUY3Tmwr7jdHf5Oyg+X8Y9dASM+E8i84Kb8fb+xoWKG9dt+n3JR3BvlVfv6W1SumkjbJ4WwYyY1y+FGXp/sAyLO9EYQC1vcf6XM2Id1qcybpXsCaWy4HxmL5S23Sm1tLnUSp6qPAo4chawMVxe1TSaHVbRPNmz6Xr7/6TV4Y2J2rPKnUn0LA4aTMJWx1H74i/WqIZWkx8PG9uCbcBpveIijC3G7dAPhl33Fs6pFGVY++jOj3E9zvXcZfhuRzWb//a5U2NImj9Sw8NleyV1Xrtn98LCJH6Z46QRw6QlOTHYBjfbn8YvLV+DWOs+B2TMjh4B/9MqEIAtL8wxeO64zbADivS1/SHC5+jzWw8w8ewk19f0im27IR/J3h53N6z1RbZmue5v5Xy0Tkr1g96hj7b3KJ3qDdCbk67xfJFuGIcIf1OAedDo7km7xv0kPImr/yStVWBmZY71XrlBRgeu7V8bKmNPFWfW8D5qjqdSIyGmuO+oiqrmhT6aLxdIPhFzSfztAueWzKIyzY+y45riPfqCE9BsFx32IUmxmXfxLn51yaQAnbL/F61G3AwyKSA/wDeE1Vk2+oSBymR01hhqQPZ0j6cP655M0jL8TdFfLO4E/9J7C24nP6+Po1n6cDEM/t4p/tY21TgALgARFZave0SSS13hsaWg+HOBiW8bVki9FmNLkZVVUrgP8Ac4EAEL2i27Z405pPYzB0QOLNUXsDFwPfBjzAG1j2kpJr/bq9vpIxtIigCHu9ziNaTOqsxJujvm5/Zqjqjjhp2p6oTfbBYJDi4mJqazux0bMk4/F46NOnD07n4Z+LPeWEcbzXPZ0kvOlMWeJtIZzY1oIcCcXFxWRkZJCZmdl8YkOrUF5eTnFxMf36Hf6izh2jHui8ZnWOkPZjALYl5E8CoLa21ihpksnMzGzxiMbr8OJ1JseGe6qSoop6ZrIlMBjalNRU1BQ7MG0wHC2pqajRVuPbiMLCQnr16sXkyZOZPHkyI0aMYNasWUmRxdC5aL3t/q3FGcm14Tpp0iRef/11AN555x0+/fTTZnIYDEdP6vWoXvP2zdD5SD1FNRg6Iak39I3BQf9BtpQfvQX9gZkD6epu+cmOmpoa7rjjDn7+85/zu9/9jgcffJDdu3fz3HPPcfvtR2C+0mCIokMoarLx+Xz069ePe+65h6eeegqHw0FGRgbf+973ki2aoYPQIRS1q7srw7OHJ63+AwcOsHHjRrp06YLbNjPStWtXBg4cmDSZDB0LM0dtAfn5+fUrvgDnnXceN998M7fffjt33303Q4cOZdWqVckT0NBh6RA9ajLx+Xw88cQTAFxzzTVJlsbQUUlojxrtJMoO+5OI7BGRn8XJUyEiC+3PiETKYzB0FBLdo0Y7iQK4GZgPxDv1vV5VJydYDoOhQ5HQHlVV/aq6JyqsOd/tg2y3jM+IiDlSYTDEoD0sJg22z7/uxHK7aDAYoki6oqpqqX35OjAqOl5ELhGROSIyZ3uFOTVj6JwkVVFFpJuI1NnwOAPYFJ1GVV9T1WmqOq3f4OS9KzUYkknCX89EOYn6AzAEy6u4U0QGqeov65xEYblafEFEKrGcRF2eaHkMho5AwhU1hpMogFui0jwQdntyomUwGDoaSZ+jphLJODheWFjIvHnzElLWwoULuf766xNSlqFtSamdSX6/n8LCwvr72tpaVBURqb+uw+Fw4Ha7CYVC+P2Rns9cLhdOpxO/308oFOmA3uu1bAcfOnQoItxhO82dOHEif/3rXwF49913WbFiBaFQCIfD0ag8EcHj8aCqjQyAOZ1OXC4XgUCAK6+8kueee64+zuPx1Ldpw4YNzJ07l0mTJh11m2prawkGg/VtqysvGAwSCAQi8rjd7sNuU21tLYWFhWRlZZGVlUVZWRllZWUR5eXm5uJyuSgqKoqoy+fzkZOTQ01NDSUlJRF5srOzSUtLY+/evVRWVkbE5efnA0Q8DwBpaWlkZ2dTWVnJ3r17I+JycnLw+XyUlJRQU9PgmNrlcpGbm0sgEKCoKNJ09dG2yedLzBvHlFLUDRs2MGBAg5v2V199lYEDB+L1elm3bl2EMqSnpzNkyBCqqqpYv359RDn5+flkZ2dTVFREaWlpRNwpp5wCwJo1ayLCe/bsWa88dXGFhYXs3r2bqqoq0tPT2bJlCxUVFfV5PB4PI0eOjMhTR58+fejTpw+7d+9m//79EfEjRoyob9NDDz3E6tWr+eijj3jqqad48skn6x/Ou+66i4yMDFasWMErr7xCWloaW7du5dZbb2XAgAHMmjWLXbt2ceyxx/Lyyy9TUFDAnj17WLVqFbNmzWLfvn1kZ2fz+OOPs3fvXm677TYqKirIy8vD4/Hwl7/8hauvvppJkyYxatQoli5dyueff86zzz4b0aYtW7Ywffp0Zs6cyaxZs3jssce48847I9pbUFBAfn4+p59+Olu3NvjCnjRpEgsXLmTp0qWceWak0boXX3yRGTNmcP311/PSSy9FxNX9KIc/DwBXXHEFs2fP5vXXX+fKK6+MiFuwYAGTJ0/m0ksv5cMPP6wPz8vLo7CwkKKiokblHW2bJk+eTCIQTSH7qlOnTtVHH23weVxdXc0JJ5yA+A/iL/4iqkcVXC4XoZA26i2cLidOh4NAIEAo1JBHs4/Hm94DiN2j7tixg+uuu65Rj3rXXXe1Wo+6cOFC5s6dywMPPMCbb77JqlWruO+++5g9ezaFhYXcdtttfPjhh9x5550sWrSINWvWcOutt3LZZZfx2Wefcc899zBnzhwKCgoYP348c+fOZezYsXz22Wfcd999vPLKK2zevJkhQ4awcuVK7r77bp577jmWLVvGSy+9xLJly3j++ed54oknuPrqq7nxxhsZOXJkRJu2bNlCly5dTI8ao00+n69NPI63K9xud/0XBLB582bEtkjodsduisMheDyx/S+7XFF5vN6wy9juM0SkPs7tduNyudi2bRtPP/00vXv3ZvTo0Rx//PFcd911jB8/nu7du7N7925uuOGGiHK2bdvG5Zdbi9zr1q3j3HPPBWDevHn1bfJ4PHg8HpxOJ16vl8LCQsaMGYPD4eC0005jwYIFeL1ePB4PJ598MiLCyJEj2bVrF1u3bmX8+PF4vV7GjBnDvHnzmDhxIk6nsz7O7XbXx/l8PsaNG4fX62X8+PEsX265wh07diw33ngjNTU1FBcXM3LkyEb/B4/HE/G91D3cscjNzY0Z7vP5IsoIJzs7m+zs7Jhx8fKkpaWRlhZ712pOTk7McJfLFbe8I21TokgpRY2Lpxv0HZ206levXo3L5eKiiy5i8ODBvPnmm/WW410uF2PGjGmUp3///ixcuBCAGTNmMHv27Jhl180hAQYPHsyyZcu4+OKLWb58Occdd1x9ulWrVqGqbNiwgWOPPbbJtLHiBg8ezMqVK7n44otZuXJlhAznnXce11xzDRdeeOHR/JsMR0HHUNQkc8EFF3DyySfz61//mhtvvJGVK1dy77334vF4uPXWW7nggiN3vjxixAhuueUWLrnkEp555hneeOMNJk6cSFpaGi+//HJ9uszMTM4//3x27drF888/z4knntgo7erVqwG46KKLGsVlZGTwyiuvcPbZZzNw4MD6A/AAl112GbfffjuPP/74kf+TDEdFSs1Rp02bpnPmzKm/37x5M4MGDUqiRBa/+c1vANi5cyf33HMPM2bMYMKECbhcLhYuXMjpp59ORkYGV111VavUv3DhQt555x0efvjhoyrH7/fjdrv54x//yP79+7npppsAKCkp4ZprruGtt96Kma+9fA/tlM43R22v3HjjjRH3r732Wv31z34W8xhuu+TCCy+ksrISr9fLq6++CsDixYu54YYbjvpHwHB0mB7VcNSY76FJEtKjmp1JBkMKYBTVYEgBjKIaDCmAUVSDIQVIaUX1eDyUl5cnW4xOTXl5OR5PctxgdiZS+vVMnz59KC4ubrSn09B2eDwe+vTpk2wxOjwprahOp7N+q57B0JFJ6aGvwdBZMIpqMKQAKbUzSUQ2AyvauNpcoKjZVKlbn6mzdemiqucfbSGpNkddoarT2rJCEZnTlnW2dX2mztavMxHlmKGvwZACpJqivtZ8kpSvszO00dTZQlJqjmowdFZSrUc1GDolSVdUEXlQRD4WkT+LiNt2CvWJiHwgIo2sRsWKF5ETbNeNn4jI2S2t0w7LE5FDdQ6YW7tOEfmp7fR5mYhcHCP96XbZi+ocPItIjojME5HFIvL9ZuqLcCotIukiMt+Web6I5CW6nXEcWeeKyD9EZIGI3Bkjz9G2c6yILLFl/FtbPEOx6rTDW+8ZUtWkfbC8t71sX98G/ABYAniACcAfotK7YsUDbwDHARnA4hbW+V37+iksh8vD26JO4Eu77K5Yq9nReT4EugP9gXftsEeBKWEy+Zqo0w30AmYDwwEf0MeOOxd4shXaGVGnHfY3oG8TeY62ncdivQIBuB/4Ths8Q43qbO1nKNk96mlAnb+GfwMzgLWqWquqi4GRACIyQ0ROxWpUo3isB3Cjqh4A9olIbNuSseucICIDAAW21SVq7TqBLUAXIB0os+v8hohMFZEuQFBV96vqNqCHnXcsMF9VA8CnWAoYE41yKq2qNdrgVLoWCCW6ndF12j1NPvCI3Yuf1grt3Kmq1WHtGhKrHQluZ3SdodZ+hpKtqN2BA/Z1OZbZigNh8U4AVZ2tqkui0tfHE9mOchq+8MOpswdwExBhFKgN6vwXsBZYBTxi1/lvVX0zRp0BEfEAblUNRZXTIuxyZgG/s+tMZDujycby7Hcj8D3gcbvOhLfTHsp/HVgUqx2t0c6wOv9JKz9Dyd7wUIbV7YPlgpGwe4BgE+nD48OdrWQC+1pQZ3fggKoWisQ0b9MaddYAP8b6pfUA80Vkrmr9Enx0nS5VrRURv4g47Ie4uTrj8UfgaVXd2ISMcGTtjKYM2GT3ltjyu+yeMladR9ROEckA/ow1InPGaUe4TEfdzqg6+wO05jOU7B71E6y5CFjzpheBoSLisYdJq6PSb4wTv1NEBolIOtBDVZs69xZd58vAMBH5N3AO8HsRCTdx3hp1LgCqsRS2CktZ679hVT0IuEQkS0T60fAFLgcmi4gLGI01zz1sRGQmsEVVX40RnYh2RmAPD0vtdnQDvGFKmpB22mleAe5U1fVNtCNh7YxR5yha+xlqagLbFh/gIeBj4C9YD+x0rAd7PtDPTjMDONW+jhV/ol3GJ8A5La0zLHw2DYsgrVon1nBwKbAMuMZO8w1gqn090S57MTBKGxYx3rPDLz+MOt8FirEWMu4AAsBC+3N/K7UzvM4ZWPPzj4H/Auclup1YC5ClYe2a3trPUKw6W/sZMhseDIYUINlDX4PBcBgYRTUYUgCjqAZDCmAU1WBIAYyiGgwpgFFUgyEFMIraARGRfBH5un19koj8OEHlniki/RNRlqFlGEXtmORj7UFFVVep6jMJKvcqrI3nhjbGKGrH5MfAdBFZKCLfFpGHRWSyiPxHRN4Ukc9FZLp9v0xEeorF78Q6N/q+RJ3jFJELgPOAP4vID5LSqk5MsjflG1qHZ4Dtqnq9iEwOC3eo6lQR+V/gUlU9V0SuBS4EdgP7VfVMERkH3AyEu0t/B+vc7BQMbY5R1M5F3Wbw4rDrHUAe1pG0qSIyEeuAwPaovIOxNpcbkoBR1I6Jn4Yzj+FonGsB1gFzVPVuqD/0Hc4wYH0ihTQcPmaO2jFZA4wWkdeArMPM80+gpz1HnQ9cHhW/HvihiDyWMCkNh405PWMwpACmRzUYUgCjqAZDCmAU1WBIAYyiGgwpgFFUgyEFMIpqMKQARlENhhTg/wMypgcpYbKZOwAAAABJRU5ErkJggg==", - "text/plain": [ - "
" - ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAOoAAACuCAYAAAA4XZE0AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjQuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/MnkTPAAAACXBIWXMAAAk6AAAJOgHwZJJKAAAl70lEQVR4nO2de3xU1bX4v2tmMpk8yAMSCJAQhACCICKiYJBgRfRXQeH6wFoVru1tfd2fra3WR1v0tlbba6u93uq99irUx21FW3zXB0JQXgUVfIE8hAghBEhIQt7JzKz7x5k8ZjJ5kZkMk+zv53M+ObP3PnuvnTlr9jl7r72WqCoGg+HkxhZpAQwGQ+cYRTUYogCjqAZDFGAU1WCIAoyiGgxRQFQp6u23366AOcwRTUdIiCpFLSwsjLQIBkNEiCpFNRj6K0ZRDYYowBFpAXqCx+OhqKiIhoaGSIvSb3E6nQwbNgy73R5pUfo0Ua2oRUVFJCUlkZycHGlR+i0VFRUUFRWRlZUVaVH6NFH96NvQ0GCUNMIkJyebJ5peIKoV1WDoLxhFNRiiAKOo3aCgoID09HRmz57N7NmzmTRpEvfdd1+kxTL0A6J6MikS5OXl8dJLLwHw+uuv8+GHH0ZYIkN/wIyoBkMUYBTVYIgC+sSjb02Dm92Hq3pcz5ghicQ7u/8vKSgo4PHHH2fw4MFMnTqVsWPH8qMf/Yjp06eTmprKkSNHuOOOO3osn6H/0icUNdJ8+umnOBwOFixYQE5ODitXrmw2AHA4HEybNi3CEhqinT6hqPFOB5OzUiLW/qWXXsqZZ57Jz3/+c+688062bt3KAw88gNPp5J577uHSSy+NmGyGvkGfUNTeYuTIkc0zvgDz5s1j3rx5/OY3vwEsK52srCx27NjB448/jsPhYNeuXTz11FMkJSVxww03REp0Q5RjFDUE3HnnnX6fX3zxxebzW2+9tbfFMfRBzKyvwRAFGEU1GKKAkCqqiCSLyGYRqRKRib60v4rIWhH5h4jMCnLNlSKyQUTeE5HMUMpjMPQVQv2OWgNcAvx7q7RvqWqDiIwE/geY05QhIg7gdiAPmAb8DPh+iGUyGKKekI6oqtqoqkcD0po2Kw4APg+4ZAywQ1UbVHU9cHoo5TEY+gq9MusrIu8DY4HrA7JSgeOtPrfx5yEiVwJXAkyfPj1cIhoMJzW9MpmkqrOAs4FfB2SVA0mtPnuCXPuiql6lqlcZdx+G/kpYR1QREcChqo1Ale9ozW5gvIg4gbOAT8Mpj8EQrYR8RBWRN4G5wB+xJobeFZF84BXgHl+ZJSIyw6fAjwL5wC99x0lLJDaOFxQU8M4774Skrvz8fH784x+HpC5D7xLyEVVVvxmQ9F9Byixvdf4C8EKo5QgX4dg4vmTJEpYvXx40r0lR586d2+N2DNGLMXg4yXniiSd44YUXmD17NqWlpVx77bXk5eVxySWXUFZWBlgj5dy5c5k/fz7Tpk3js88+w+PxBC0LBM1zu91cccUVzJkzh1tuuYUlS5YAcNttt7FhwwYA3nnnHe69995e/x8Y+oqiNlTDwY96fjRUR7onbbjppptYtGgR+fn5rFmzhszMTNauXcvVV1/NY4891lyupqaGV199lWeeeYZ7772XlStXtls2WN7LL7/M2LFjWbVqFZMnT24uu3jxYp577jkAnn/+ea677rre67yhGWOUHwJOZOP4/v37uf56a7Xqyy+/ZPbs2YA1ajmdzqDt7Nmzp3lv67Rp0/zeXadMmYKIMH78eA4dOhS07KxZs9qtx+l0MnXqVACmTp3aPIqeeeaZbN++nYqKCg4cOMCpp54ain+ZoZv0DUV1JsDwqRFr/kQ2jo8YMYL8/Hyg43fUmJgYPB5r1SonJ4fNmzdz+eWXs2XLFsaMGdNcbtu2bagqu3btYujQoR2WDZaXk5PD1q1bufzyy9m6daufDPPmzePGG2/ksssu68m/ydAD+oaiRphwbhyfNGkSd999N1deeSVPPPEEf/vb35g1axaJiYnNj6Rg7YWdP38+hw8f5qmnnmLChAltyn76qbX6tWDBgjZ5SUlJ/OUvf+GCCy5g1KhRxMTENNf97W9/m5/+9Kf8/ve/P/F/kqFHiGrIYq2GnauuukpXrFjR/Pmrr75i9OjREZTIomnj+KFDh/jlL3/JkiVLyM3NxeFwkJ+fz8yZM8O6cTw/P5/XX3+dhx9+uEf1NDY2EhMTw5NPPklZWRk/+clPACguLubGG2/k5ZdfDnrdyfI9nKRIKCoxI2oI6Csbxy+77DKqqqqIjY3lhResFbP169dzxx139PhHwNAzzIhq6DHme+iQkIyofWN5xmDo4xhFNRiiAKOoBkMUYBTVYIgColpRnU4nFRUVkRajX1NRUdGuJZUhdET18sywYcMoKiqipKQk0qL0W5xOJ8OGDYu0GH2edhVVRMYCC4DxvqQdwCuqurMX5OoSdrsd4/XB0B8IqqgishwoBVZhbfgGGAV8X0QGquqSXpHOYDAA7Y+oN6lqbUDaTuDvIhIfZpkMBkMA7SnqRhF5A3hRVbe1zlDVmrBL1Q6NjY0UFBT4pWVmZuJwOCgsLMTtdjenu1wuMjIyqKuro7i42O+atLQ0EhMTKSkpoarK343TyJEjAdq0k5iYSFpaGlVVVW3eiTMyMnC5XBQXF1NXV9ec7nA4yMzMxO12U1hY6HdNSkoKKSkplJeXU15ebvrUR/vkcrkICara5gBcwD8B/wt8DPwKmBKsbG8ep+SMU8Dv2Ldvn6qqZmdn+6Xn5eWpquqaNWvaXLNs2TJVVV28eHGbvCYC0xcvXqyqqsuWLWuTt2bNGlVVzcvL80vPzs5WVdV9+/a1uWbp0qWqqrp06VLTpz7cpxO5z4Mdndr6ikgscBFwG5CtqjkdXhBG5sw8R//nOX/3Sv31l9r0KTr65HK5QmLr26Gi+mLBXAEsBOqBl1T1yQ7KJwPvAhOA6cDXWJNRDsAN/LOqfh1wTSXwke/jv6rqZ+3Vf1XeeF2xdkcXumUwnDSEb5ubiNyBtTRTCbwEXK6qXVmsDIw90whcq6pFInIRcAcQuO9rp6rO7r7oBkP/ob3JpDLgUqBSW2LHICLJqtquKZBafnqPWn63QVXrgCJfdgPgDXLZaF/Iiy+AH/quMRgMrQhqQqiq/6OqpcCfRMQOICLpWKNrt/F5wr8PeCxIdo5aIS8OAbecSP0GQ1+nM1vfZcByEckCVgA/PMF2ngQeV9XdgRm+HwSwfgQmB+b74qeuEJEVB44eD8w2GPoF7b2jNhk1rAMGAquBq4C93W1ARJYCe9XyiB+YlwDUqaoHOA/YE1hGVV8EXgRrMqm77RsMfYH23lHfwFoTAmvWqhD4nS/tGx1V6Is9cwYwznf+M2CdiHwD2Kiqd4vIXVhhLJKBp0WkCuu9ODAso8FgINp8JpnlGUP0ET6fSSLyBxGZESR9hoj8IRQNGwyGrtPeo+99wI0i8hAQi/WrUAu858szGAy9SFBFVdWjwC98h8FgiDBR7YrFYOgvGEU1GKKAThVVLAb3hjAGgyE4HSqqiCwCPgBWiYhDRP7SO2IZDIbWdDai/iswCyhVVTdgRlaDIQJ0pqheXxkVEUcXyhsMhjDQmV/fB4B8YCzWGuoD4RbIYDC0pUNFVdW3gbd9W9xKNJrsDQ2GPkSHiioiTwd8bsTa4fJHVS0Po1wRo7isnuQEB3FOe6RFMRia6ezRtwb4BMun0RTgbKAca+fLRWGVrAuUVTWS//mxNulnj0lm+KATc9O4cWc5AAunD+mJaAZDSOlMUceqapOPo49F5GpV/b6IXBtuwdpj5abDnZbZvLuCYaV1nDM2JfwCGQy9QGeKWiEiv8QaUc8Eyn2zv1UdXxZ5io7VR1oEgyFkdKaoV2N5IxwLbAPu83ljuCS8YrWHsrDqUV5JuBWvdB6Irmn0nT8tnZLjjWzcWc7gZCdTRiVxrKqR/UdrOVze0EktBkPk6WzW1yMi24AjWFvdcoH3e0Gu4DRaDgodNNLQjYiRr2052nx+pKKBt7eaMI2G6KKzWd//AEZgTSRtw1LWCCqqFbfqtPp1bHVdGDExDIbeprNhaaqq5opIvqpeJiIv9opU7VDSEMNxt53Gqr08tvtLahs9HDoeGHQOck9J54rJ2RGQ0GAID50paqPvb43POdn4jgqHG1tjDafnN3mIaX8+a/2+o1w2MYsYe/ctHo9U1jF4QIgicBkMIaKzO/lWX5CoH2FNKv0g3AJ1RJJ0PeLjkcruOdxvipr14Hufd1csgyHsdDaiXquqdwE7gP8vIndjRSEPygkGiboNy2dwqa+9dr1sO/BQ4LqGkXX/22nHHs7f3mkZgyFaaM8LYZqInAacLyITfMckYE4n9TUFiWoKfdEUJGoW8GusIFF+7WDFuJmJZe1kQloYOuRYZavltOJtcOwrWHU3eBrbvaYv0N6Imov1qDuCFuVqBP6zo8pOIEjUNGCtqqqIvAX8qZvyh4XByc5Ii9A5xwshJgHiUiMtSe+gSk11FbplGVXSwEfOC8irXdGSv+bnMOtecCZ2o0ql6V4F8HiVDV+WMTojnmEDW+Ypdh6sZvsBa05kaGosh8rqGTssgQlZCQAUHKnl04JKkuMd5E0c6Ffnyk2HBy2cPqSUHtKeF8JXgFdEJDvwUfVEaBUk6rsBWalA06NuBVb4jE4ZLQdJppoDOphG7GRIGfXEUKVxOGkkRtw4cRODGzteykmkTAdQTwwA8dSRKLWkUkWqVDLH9jHPeebwtQ6hHief7C9nx8FSXJ4KHDXFOBtKcHhqKLZn0RCTSlxiKvaYeGx2GxXVbgYlxDJxxAAmjhgAwMaN6/l464dcNP8axmZ3ba/9yk2HOXNUEiPSXU3/MzxeRQCbLYgP580+98pzHuxS/ScLjY1uDh93U9/oZXRGfNAyxyobWPtFWfPnWRNSGLT5PuKBpiv8lLSJ9x+gVhJ4K/67ICfu97rkeAVQgdvjZU9pJS9/doBvjh9OVb2bQ5/UoMDYoiSqNrgpqqjBbhMEYUpmKnuPVlPd4KGith6n3caYwcklhMAJd3uxZ7bgC2nR6tdBsEKyn30C7bQXJKocaIpgngy0sbAXkSuBKwGunGCJmyHHUISz5UtseKnGRSMOEqSOBhw04qBBLaVsxE6OHCRZqomVRgSlRmM5TgJlOoCvdQiPui/nVNt+zrLtwo6HC/cuJ0YUmyMGm92BzS44vQ3EaAMehboSocEr2GwgDbWU1ippq3ey3ZtI9aAJ5Ja9SS7wxopt7PAqo2JKcbvd1KudAQnxOOw20mPqcFUd4FDKFBzJQ/nr7lOx7znMe+nfpMwdwykDExERRqS52F9iTYw1bRR4eWMRC07gS4g0B47VELvxIfYnf5M4qYOM2QBUvfdrarIvYnDOGQB+Srqg8lFkM6hCpceOy+aFg9uoL9rJgMZWhivn3AAOJzHeahZW/556ryDA4XonX1XHUe+1UeV2MNRVj1ehxmNnQ1kKYxJq2JU4l6S4GF77opDKOjeLpmRjE+GTojJOHZzE4inDOKt6JdtrEzg/awxJnsOMse0jJbERe3w5jppSKhrgs+IR/LlyOj/Xxyh2ZJBsq2dk/KlAz39MwxLSQkSWAw+r6ue+IFGqqv8WpFw68GdVnSMi1wDZqtpur646LUZXXBnfpcmknrBrzmYqbYNodFiPUTZHLHENh5G4QTjqS2n0Cg2OJMTmYGDNl83X7d69hzE5o9m2s4Bkqjll3GlYv3fWj51X4Vijg0+PJ2JXD5UNit1dy8yiZ1jvHs9vGq9krw5rrm/7nG3E+5ah/uG6hApbOil1X3HgwJdcvu9+6s+9hdi5vwrr/yKUvPLcY6TU7uW00aMZ4C0lds5SK2PV3dRLHI7zf4a3dA9v7olnaMMOBlV+xI8+HcG240l+9RS4rum0rWfdc3jdM4MhcoyJtgKGSikfesexxTuOs2w7udK+lh3ebO5xfwd3O2+A28/fQLw0wL4NUFMGKcPB7oSy/eCIBbGDuw5SMi2ruYZqcCbAiLNAWk3/zHkwPCNqEyIyAliKNertBn7R2aNwd4JEqeo+EXlDRNZjBYn6dk87FAreSb6FedPaf2Rtb5V15DklVO98myGX387QLx7hSOIUbHWleIdPp/7YAVKrtpNkq2N8xkAGe/ZTah+GYmNAUTUX2/7BxbH/8Kvv7cP3cpFvt905dW8A8If8Qm5xvArAhmMpnN/j3vYepxc+z/GkHNK8bf+DFbY01m8+wsKqp7lj9bk0eG3AxA7rc6uNnPrngirudY5VXOfwX6CYb9/k93mSrYCrHGvbb2AjEBNnWcSJDWwO8HqgohDGXWgpaGwSeINMZMUmw5nfYeVnXtvCDnvRNTpbnnka691yC9Ze1GV0Es1NVb8ZkNTG276qPtTq/BHgkS7I2i3SE2O5Z86kbl/3w5c/pNFzYk8ZMQPSiDnr2yQADH0wwBPcFKwJbhjqS2nOd1ZCre+pXxVqy6jY9xkX7X4ABt0AjpYbu0lJyySZRImu4Oyn1O1gV+Iwnto/jO+MKGpOP9bgoCQxk8l1q/n74UE+JW3htbO3Mn/zFACmys7m9Jz6Z7l/3FeQdXNL4cKtULCx60LlnA8Z46G+CmK7PhHVjLcRpv8AEoPvX144nZA8snamqLGqus53/oGIxISi0Z7w08Z/7lK5a6eOCrMkIaS21au5CMQPxDnidDaWKDM2PQ2pI+C0eaDKDm8W420HcMYlklq7n+M1DSTFR8EsNbDfm06DM4XlB/wV9ZqPJ/HWdEu5/uPoWAB+PX43i4YfRtX6lxTMWcfMdWfxV+63Lpp5MwWsb9tI5hTr6C4noqQTF8HgSWALvzeQzhR1s4j8L9aIOs33N2IU60A2e7pmjJ+ZEnxGsTMeWXDWCV3XI2Yvha/egQO+kSA2iTjgW40/Zcs5mxi45TGqyitI/vx5xtvgax2Md/hs6t121m/bz/87N6fD6k8WdsaMY9fxoRyo9X/0dWvTch68XDyYD3K3kBVn7SduPXm7buaHVmjtAPLjFpHl/pI9MWdyUc2yzgWZcTts/F3L5yiYOW9v1vdeYIWq/khEpmK9o/5WVT/qVekCqLHFUzDH+qZWJv4AVcWjil0EEWmzLhY1OFww7lLraEK9sOrvTFs3nQQmc8u2V7jZAa96ZjAvcSeFNhse9WLHg9ujOOwnf7+THG7WlA7kHsfzQLY1+XK8sDn/H+XWpFGmq+NN/5p9TvN6x9vx/0yNLZnZuWcwGujyDGsUKGdr2htR9wMPi0gG8Crwoqru6j2xgjM8wf9xX0RwtFLMqFTS9mg1a1hNHDc7XuUdz1Rm556F7Ygdu82G19PI3JrlHDp+H0NTYyMnazcQ4Bu2rUA2vP9LAPZUz2TkqpkAPDR+t/8SaOleSEi3frgqi606sqZCzsXUD5nGRXEn9uQUbbRn8PAs8KyIDADmAw+JyDDgNVWNmG/fWFtol5IcdiFv4kASY+3YbMLxGjfvfdpjI5KQ8ciCs7i08lHsAo/lL+C/3PP5wvERDDud+nIb+SVezsiGTTvLWXDO4JP3h2rV3TDnQQQhQerIsRUFLfb0GV/wjbQy/8T9W6xlkKoj/umVh4gd2T+UFDr38FApIm8DCcBi4JucBE6430j4fpfKddeTYFJ8171G9BavDvgBC6sepXjIeVQfjGtOt8Wn8mlFLVBjuafZdCuXzRgeOUG7wJfVidjaWJHC5KRKXjn7k7YXVB2Bat8P59BJMGQcJKRZnw9/ApOuDqO0JxftGeUPFpGbRORd4G9YlltXq2pur0rXDm4iPvncK5w2wpqJXJn4A+4cW8QneS3LDskNB4nB0/z5suoOzbBPChSYY/u4JUGs2dJfuZ7xL+hugHWPw7aXWtJGzYTEwS2vBAn9y51re0PIS75jiaoe7EV5OsYRHe9hoWLssASy0+N486OjJNtr8baaMEqNVWakltHgTcDpeyV4d8MOLjw3onv7O0QRrnGsbpVg/dAMr90FTLbSinfAgQ+t88wpkD09uN3uqAvCK+xJRtARVVVnqep/nFRKCs3rVV46X7caOTiu0zLRQGxMy1dkQ9nkmmd9iBvIxemlrDzUYlZxYc0zeL2ewCpOGrQz2/Qju2DPGut7nvEvMHJG+8b1aaeGXsCTmJPvpawzJn6LhRkZYat+9sSBJLpOrnAWl549GHwDUYUtHTImQ+JQhuT/jqftl3LR4FJSYtwA7N/3NSNHnzzGHl6v4vVaN9p02w7/TFU4uJWkxlIoPwi7fCZ/Uzu35cXeP15/moi+MIoZp4e1+tTEGGIcJ9e/xW4TSmzWRFFW1jCYeDWMmImgvHjqe5yxdnpz2ZH7/mgZip8kvPVFMf/9dSYA4237/TPXPwEFm6wJps9fsdLO6ZrlWX/j5LojDe2SdtZCPoqdy4Qsn6mbzY570hUkffEXZiUd4q9FrSyL8++3RquTAKkpIbGxrG1GnbUNeUvGFb6CNph5s2UEb2iDUdRoIWk4U8/z3yujA0fB9O+yLOlJfrd3hH/59+7pReHaZ9DhDZxa+zFej9sv/Y6N8dyV/CDTcgZbO1Byb4yQhNGBUdRoRgQcTuwpQ5ked4DC2oBZ8VV3R0auVqjXCyLY1vzMLz2Oeh6adMD6MHhM9yqd+ZMQSRc9GEWNYjxNtgPOBH5bu5RHA0dVgJoIh+9QD8Fus3+LaeUeK/uc7tUZm9wzmaIQo6hRjMtbaZ0MtKIC3FwfZOfIht/2okRtUa83qGljYfp53a9s5k9gxg975A8pWjGK2lc4JZdRNZ9y/85T2uZF8BHYW7Q16PppZky77pvbx5UCCV1zFtfXiL51VEMLWTNa9rAOn4xXvbz1pYskxwh+ONp/KUTrK5HYAb0qnmfVTxF1s7c2jtqSFGa3zhzSBYOFOQ9CeQFUH4X0CeERMkowI2o003r/KmAbOpGNrn8lOcbNLZ+N88uTD37FwdLeW1+tz3/Q2iurwu7qRO7aETBh5EoKfmETTftFU0bC8GmW07B+jFHUaMd3Qys0W+vcELeW8weVsWz/UL+iw7feTzi8TrZh1d3Euq1HW1XFi1BcHzAj3WRZNCLIPo/z2zis7PcYRe0LjJ3X8hZ41nWw812uGHIQL0JRnb8/JQn3+mrA+7DX62WBfR0fn/5S8PJj51nrqE3k3tHvzAO7QkgVVUSSRWSziFSJyERf2jMiclREbm3nmkoRyfcd3XcbaPAflVwDYMoi2PhHFg0t5sKNZ3KsIWAqYtXdobdc+mpVGyWt9wobSwdwhm0vAw+sbntN+mnWX1+AauY8CHFdCpbQ7wj1iBoYJArgLgKCQwWwU1Vn+47PQixP/yRhEGScRuLXa/jrtE/51keTqPEEfNXv3WM5VOsppbssBd33nn9yg4Nxq3PJTfGt49aWt712zMXWX2ciJIZvo0VfIKSKqqqNqno0IC24340WRovI+yLyhIiYCMInygUBHvNz8qD4C07VfTw9ZTt5689iXWmAocC+NZaSnYhRRF25de3Wtmu3BTUupr4/nQ1T32VW9btW4jk3UD/lWus8zec1sdlwoSWagCE4J8PyTI6qlorIz7HCLkZ2hT5aCWYEcPZi2Pwnhp/7PTaft5nT86dT6XFYoRrsrVyiBBpFuFJgxHlQXwGpoyy/wztf7ZIYj+3N4rd7s/nbxLUM+2KZ5Zlh7zqIcRHb5J2hyRKp6V3U4bJCRRjaJeKKqqpN3sRewnpM9qN1kKjp44cFZhtaE+iv1pkAWVNhw5PIzJv57PxNvHc0lQlrzuX9c7cwIr4dt5x15bDrNev86/e73PyXVfH8dm82eycvx7bzHcvQvvoYpAcszcQFjOwTr/aP1WJoQ0T/OyKSICJNu7TPA/YEllHVF1X1KlW9Kiu9k7W3/k5Cetu07HMgdoDlgwi4IL2MX5y6h/mbzwhp03duz+HiTWeyd+yjlpKe+z1L+eJTOrflTRwSXHZDMyEfUQOCRP03MA4r6IpdREar6g+bgkRhhVp8WkSqsIJEXR9qefoddid4GvzTpl0Hn79mKevUa7guE5Idbp4tzOC6zOIeNbejMp4btp3GofpY9mX8BKl1WftKm7A5Wowb+qGNbqgIS9jFcHFV3nhdsXZH5wX7M/WV8EE7oRiPfQ3brahwTLuekR9cTEZsPWvO/Yg4e1s3np2x4uAQ7twxhofGfM7VB34FY77RuWlgUzAZiDpv9SdISH6dIv6OaggxHdnzDsy2Rrsv3oAtz1AwZjsH0nPJXTeNY40xfHv4IR4Y/1WnTVQ02rn244lsr4y3Qh4eAKZ/p2teIs2oekJElaI2uj0UFBT4pWVmZuJwOCgsLMTtbvEi4HK5yMjIoK6ujuJi/8e7tLQ0EhMTKSkpoaqqyi9v5MiRAG3aSUxMJC0tjaqqKkpK/JczMjIycLlcFBcXU1fXYk/rcDjIzMzE7XZTWFjod01KSgopKSmUl5dTXl4e2j7lfB/W/bqlTxkpVp+Kfe0MyoVBuSSWfkHWgd/zvkfZbx/OnwrnkLndioRmT0hFHE48VWVo60dpsXNKsoc1Md+jsE4pSDsTMiZASS0piUpKoovyqjrKq/ztijPTk3DYbRQePY67aSNtQUGf/55crhCtOKpq1BwTsgcp1qJb87Fv3z5VVc3OzvZLz8vLU1XVNWvWtLlm2bJlqqq6ePHiNnlNBKYvXrxYVVWXLVvWJm/NmjWqqpqXl+eXnp2draqq+/bta3PN0qVLVVV16dKl4e/Tu3epvntX2z5dOFH13bt02W3faNunxfGqS5M0L9vulz4sOUbf+LfLdN8jF7bt03W5qu/epUuvy23bp2dvVH33Ls0ektSvvqdQ3ftR9Y66MHesPvK8vzWNGVE76FPhJihY23ZEbepTnJO05Hiqahsoqajx71NKHK5YJ8XHqqhrbPEV7LDbyExPwu3xUnjUf09pSqKr7YjqHAANldaIeuEDFL5wmzWizrgd7DF9/ntyuVwhedaPKkU1k0knQCT9JmWdC+PmWzKM/ydru1qTPP1jIglCNJlkVpn7OpFSiNw7LSVtop9v/O4pRlH7A72trBc8AHGpLZ9n3tXvN373lKia9TX0gDkPWmuY4d6PGuxHwdXKZDDnIqg8FF4Z+iBGUfsTIi2KtOcdKFgTurpHzISxl3RebuTs0LXZjzCK2l/JmWsdAF9/ALvfPPG6LviVMWQIM0ZRDZB9nnUAHD8Im7sQFDl1FEz9l/DKZWjGKKrBn6Th/WnpJGqIrlnftHGdlzEY+iDRpajGC4ChnxJdimow9FOMohoMUYBRVIMhCjCKajBEAUZRDYYoIKq2uYnIV8BHvdxsJlDYaanobc+0GV7iVHV+58U6JtoMHj5S1at6s0ERWdGbbfZ2e6bN8LcZinrMo6/BEAVEm6K+2A/a7A99NG12k6h6RzUY+ivRNqIaDP2SiCuqiPxaRD4QkWdFJEZErhSRDSLynohkBinfJl9ETvWFbtwgIhd0t01fWraI1DcFYA53myJyiy/o82YRuTxI+Zm+utc1BXgWkQwReUdE1ovItZ205xdUWkQGiMhqn8yrRSQ71P1sJ5B1poi8KiJrROT+MPTzbBHZ6JPxz71xDwVr05cevnsoVH5HT+QAJgPP+c7vBa4DNgJOIBf474DyjmD5wN+AMUASsL6bbX7Ld/4HYDUwsTfaBL7w1R2PNZsdeM1aIBUYAbzpS3sEmNNKJlcHbcYA6cByYCLgAob58i4C/jMM/fRr05f2Z2B4B9f0tJ9DsZZAAB4EruiFe6hNm+G+hyI9op4LNDnqfQtYAuxQ1QZVXQ+cDiAiS0RkBlan2uRj3YC7VfU4cExE0rrRZq6InILlPHl/U6FwtwnsBeKAAUC5r82LRWShiMQBHlUtU9X9wEDftWcDq1XVDXyIpYBB0YCg0qpapy1BpRsAb6j7Gdimb6QZCfzWN4qfG4Z+HlLV2lb9GhesHyHuZ2Cb3nDfQ5FW1FSgyYtzBZYP1NZene0AqrpcVTcGlG/Ox78fFbR84V1pcyDwE+Dh1oV6oc03gB3ANnzBm1X1LVVdGaRNt4g4gRhV9QbU0y189dwHPOZrM5T9DCQNK7LfncA1wO99bYa8n75H+bnAumD9CEc/W7X5GmG+hyJt8FCONeyDFYKRVp8BPPhT3k5+61BkycCxbrSZChxX1QIJ7vcnHG3WATdh/dI6gdUi8nfV5in4wDYdqtogIo0iYvPdxJ212R5PAo+r6u4OZIQT62cg5cAe32iJT36Hb6QM1uYJ9VNEkoBnsZ7I7O30o7VMPe5nQJsjAMJ5D0V6RN2A9S4C1nvTMmC8iDh9j0mfBpTf3U7+IREZLSIDgIGqWkL7BLb5HHCaiLwFXAj8l4i0juwTjjbXALVYCluNpazN37Cq1gAOEUkRkSxavsAtwGwRcQBTsd5zu4yILAX2quoLQbJD0U8/fI+Hpb5+JACxrZQ0JP30lfkLcL+q7uygHyHrZ5A2JxPue6ijF9jeOIB/Bz4Anse6YRdh3dirgSxfmSXADN95sPwJvjo2ABd2t81W6ctpmQQJa5tYj4ObgM3Ajb4yFwMLfeezfHWvByZryyTGu77067vQ5ptAEdZExs8AN5DvOx4MUz9bt7kE6/38A+AfwLxQ9xNrArK0Vb8WhfseCtZmuO8hY/BgMEQBkX70NRgMXcAoqsEQBRhFNRiiAKOoBkMUYBTVYIgCjKIaDFGAUdQ+iIiMFJG5vvMzROSmENV7voiMCEVdhu5hFLVvMhLLBhVV3aaqT4So3huwDM8NvYxR1L7JTcAiEckXkX8SkYdFZLaIvC0iK0XkExFZ5Pu8WUQGicVjYu0bXSUB+zhF5FJgHvCsiFwXkV71YyJtlG8ID08AB1T1xyIyu1W6TVUXisj3gKtV9SIRuQ24DDgClKnq+SJyDnAXcGura1/H2jc7B0OvYxS1f9FkDF7U6vwgkI21JW2hiMzC2iBwIODaHCzjckMEMIraN2mkZc9ja7SdcwG+BFao6i+gedN3a04DdoZSSEPXMe+ofZPPgKki8iKQ0sVrXgMG+d5RVwPXB+TvBL4rIo+GTEpDlzG7ZwyGKMCMqAZDFGAU1WCIAoyiGgxRgFFUgyEKMIpqMEQBRlENhijAKKrBEAX8H4ZekKb0Ztq3AAAAAElFTkSuQmCC", - "text/plain": [ - "
" - ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAOoAAACuCAYAAAA4XZE0AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjQuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/MnkTPAAAACXBIWXMAAAk6AAAJOgHwZJJKAAAwEklEQVR4nO2dd3hc5Znof+/0UbclWbJk2XLFNhhsjFm6TQlkgykJJZAQYtgGl7C5NyQQNiSb3LQlly1JNrCbQEIChGAcSAIhlEAc6samGBsb96beNarT3/vHdyTL8kgjS6My0vk9zzyaOec73/ee0Xnna28RVcXGxmZi4xhvAWxsbJJjK6qNTRpgK6qNTRpgK6qNTRpgK6qNTRqQUkUVEYeIPCwir4nI6yKyWETOEZE3rc/LrHLFIvKiiLwhIjdYx5wi8lPr2v/oU+fnrXK/E5Ec69gxddrYTGZS3aMuB7yqei5wN/AF4NvApcCngHutcncB3wNWA7eJiA9YC1Rb12aKyJkiUgBcDpwDPAHcZl2fqE4bm0lLqhW1EhAREWAa0AnEVLVFVQ8D061ypwOvqGoUeBs4CTgLeNE6/zxwNrAK+LOazd7ngbNFxD9AnQn5whe+oID9sl/j9UoJrlRVZNEIRICdgA84F/hBn/NREfEAblWNW8cCGGWbBrQd57HeOlU13HNARK4BrgE444wzUnZzNjbjRap71IuBqKqeAFwF/CuQ0+e8y1KoiIj0tJ0LNAOtfcoO9VjfOntR1SdV9VpVvbasrCw1d2ZjM46kWlEFaLLeNwLZgEtE8kSkDKNoAJuBNSLiAlYC24E3gYus85cAb1jlzut7TFW7BqjTxmbSkuqh70vAOhH5M+DFLCa5gOcw4/X/ZZW7F/gF8C3gv1S1W0SeBa4UkdeA91T1LQAR+b2IvAG0AJ+2rr8nQZ1DIhaLUV1dTTgcTl7YZlTweDyUlJTgdDrHW5S0QSa7Uf61116r69ev7/1cUVFBTk4Oubm54yjV1CYQCNDW1sYUmZZIKiqZcgYP4XDYVtJxJjc3d0qMaOpaQzz9P3Up6QlTPfS1sZnyhCJx3t0XoKk9AmaLcsTYimpjkyJUlaqmIO8fbCcS1Z5N1Egq6rYVdZQ5ePAgq1at4sQTTwSgqamJq666iq9//evjK5hNSukKxXh7b4BAV5RoLPXrPraijgGrV69mw4YNADz77LO8/fbb4yyRTaqIxZWdlR0cqO8mEh29hVlbUW1shoGqUtkUZNuhDiKxOPF48mtGgq2oNjbHSUtHhHf2BegOxYnGx2Z7c8oqaleki/2B/SOuZ17uPDLcGcd9XTAY5Ktf/Sq33347P/zhD7n33nupr6/nwQcf5J577hmxXDappysU4/0DbTS1R4iMwjx0MKasoo43Pp+PsrIyvvWtb/GjH/0Ih8NBTk4On/rUp8ZbNJt+hCJxdlR0UNUUHHMF7WHKKmqGO4OTCk4at/bb2trYs2cPfr8ft9ttZMrIYN68eeMmk83RhCJxdlV1crixm+iR7ZZxYUDLJDG8MJbCTEbKy8t7V3wB1q5dy5e//GXuuecevvnNb7JkyRK2bNkyfgLaHENXKMY7+wK89H4j++u6+u6JDhmHRpkT/oArOn6QlwqZBuxRVVVFZIuInI/xYolbx7tS0fBUxufz8YMfGDfdW265ZZylsemhvTvK9sMdNLaFhz3EzYo3My/8PrOiuxGNEhdnSux0kw19T7dePShwQQratbGZMLR0RPjgcDuBzuiwFFQ0Tkl0N4vDm/BqF26CvB/I4s3mfP5ubv3o2/qq6vlgAo+paiwVDdrYTARUlcY2o6Cdwdiwe9CC6GFWhl7CrUHcRNjb6efFhlksz2nntrmVhPGkRN5BFVVEPgJ8BwhbIVS+oqovDnaNjc1Epsced0dlJ+FIfNgK6o13siL0R/Jj1XgIUR308ExtKXMzurl1TiWSEue2IyQb+n4DuEBV261Qnc9zJACZjU3aEIsrB+q62FPdRTSmwzdU0DjzI1s4IbwJNyECYSeP1JYw3R3hb2ZX4Rolx9FkiuoAgtb7IGC75NukFdGYsre2k301XcTiSmwEpn75sSpODb6IV7uIxGI8WVOEA+XTpbX4nKNrQ5hMUf8d2Cwih4A5wL+MqjQ2NikiEo2zu7qTg/XdROM6IlvcjHiA5aFXmBarJR4L81TtDLpjDj4+s55c99gs3QyoqFZsXj9wKlAINPQJ8WljMyGJxZU91Z3sqzVD3JGY4ro0xNLQG5RFd0E8zDO1hbREXFw5s4ECT0rcTIcuy0AnrH3Uy1T1YaBu7ESysRkePU7b0Vh8RENc0TjzIu9zQvgviIZ5vm46tSEvlxU1MNM3PiFkkg193SKyERPNvsfg4c7RFmoyYTuOjz7BsHHabh3mPmhfZkQOsjz8Mu54kFcbs9nTmc/HZjRxeUZjiqQdHskU9RdAw1gIMpmxHcdHB1Vlb00Xu6s7CY/QaTs73sSK4Etkx1t4p9nHu4EiLixs5qLCiRE2Opmi/p2qXjImktjYHAdxVf6yu5WGQITYCCai3ngnJ4VfpTh6kF1tLl5tKuSMaQFum1uZQmlHTjJF3SMiN3G0re+OwS4QkTXAVzFbOz/A9Mjfs66/VVW3iUgxprfOBB5Q1UdFxAn8BFgIvKOq/9uq7/PAtZgI/DeoapuInNO/zuO8b7rCUfbUdRzvZcewsCiLDM+UdUIaF1SVv+xqpaEtPOy5qFMjLApvYm5kGxWdDh5qKGBpdif/qzyFxgqxCDjHwDIJo0jncSSthAI3D1TYyrR2B/DXPflgrKj5l2LSW/wX8DGOpF3cCLwmIhswKSuqVfVmEfmJiJwJ7OFI2sVPYdIufpcjaRf71plWHDx4kPvvv58ZM2awcuVKFi1axB133MEZZ5zBtGnTqK+v50tf+tJ4iznhUFU27QkMX0lVmR3ZzomRN2nsVh6uzWdORpB/mFOFI1UKGuqApv2AQMnKlNSazNb3JmubplBV64dQ35lAN/CMiHRh0k3EVLUFaBGRvmkX71DVuIj0Tbv4e+t8T9rFPKy0iyLyPPDzvmkX+9V5XGR4XJxSljecS1PC1q1bcblcXHnllSxYsICnn366N3K8y+Vi1apV4ybbROb9A+3Ut4aGpaQF0QpWhP5IKBzm8Zo8sl0xbp5djduRIk/T9joIVIM3C4pPBIcTF9GRD9tIbuv7SeB2IEdEVgCPqep1g1xSBCwAzsAkfPoGCVIkYqdd5PLLL+fUU0/la1/7GnfeeSfvvfce3/72t/F4PPzTP/0Tl19++XiLOOHYVdVBRVOQ6HEqaXa8mRXBl/BGW3i2JpdI3M+1JXVkulJgFqAKLYehqxmyi6B0OX3Hzg7i0ZE3knzoeztm2PuyqsZEZEaS8q2YjGthEXkZo6jtfduzzkVExGEpa7IUiwsSHEuadhF4EkzumSQyjyqJHMfXrl3L9773PcCkdygrK+PDDz/k/vvvx+VysXv3bh566CFycnK4+eYBZxpTisrG7l473aHi0W6Whf7MjMgBXqrLpi40PXXGCqrQWgGdTZBXBtPnjLzOQUimqHHMopBaKRKTmRxvBu6whsvLgR3AXBHJw8wn+6ddfBWTdvFOjqRdfBUzX/0ZsBeTEQ76pF0UEVeCOtOKO+88ejv6ySef7H3/uc99bqzFmdA0toXYcqB96HukqpRHtrE0/CbvtXh5prWQtUWNzMkIJr92CHUbBW2EvNkwa/bI6xwCyRT125gFn0XAy9bnAVHVRhF5GvgzRxaeSplAaRdt0oum9jD/syswZCX1x9s4Pfh7Ap2dPFhbwMq8ttRstahCayV0NpgedNapI6/zOEi2mPQC8IKIFAKNOoQcjar6I+BHfQ7twywU9S1TA3yk37EosC5Bff+OcQ7oe+zV/nXaTD6a2sO8tat1aEpqrebO636T31Tlkuv2c0t5Jc6RrrmqQqASOhogb9aYK2gPQ9oAVFXbOslmTKltCfL23rYhKalTw5wWfJ4DjQGeCEzj+tLakXu1qEKgCtrrIa903BS0B3un3mbCUdHYzftDnJPmxBo4ueNZfl2ZzbLsKLeUV41cgNYq6KiD3FIoG18F7cFWVJsJg6ryYWUH+2u7h6SkMyIHyG58lQ1NWXxmVg1ZrhH2ooEqsxeaUzLuPWh/ku2j3gl8BmPEIBjvt9MHu8bGZjjE4sZ2t6ktMqQwKbMj24nWvcP2Tg+3jrQXDVRDey3kzJxwCtpDsh71E8AptsO4zWgSicZ5bUcL7d3RITl6LwxvoqFmN20RJ9eXjsBVuq3WKOkEVtAekinqZqAEmFiuBDaThnA0zqvbm+kIxki6p6DKKaFX2Fldh4s4VxQPcwu9swmaDxpLogkyB01GMgOGs4A/i8jbIrJZRDaNhVCTiYMHD1JYWMiaNWtYs2YNy5YtG3Wn8YMHD/Lii6kJFrlx40a++MUvpqSu/nSHY7yytYmO7uRK6tAoZwZ/w5bKBrKdYS6eMQwlDQag8l0ItpseNG/W8AQfBwZVVFVdqarzVfU0VV1lz0+Hx+rVq9m4cSMbN27ku9/9bkrqXLdu3YDnUqmoo0VcYeMHzXSH40nzuvjjbZzf9UtePhxmjq+Tc/Nbj6+xUCdUvme2WkqXQ345KQ+8mwjj4paSaeOgiioiy0XkRRH5i4i8ICLLU9GozejywAMP8MQTT7BmzRqampq44YYbWL16NZdeeiktLS2A6SkvvvhiLrvsMlatWsW2bduIxWIJywIJz0WjUa6++mouuugibrvttt4fj89//vO8+eabALz44ot85StfOUq+WFzp6I4SDCd5hjXOwvBmzu/8JRsOeVmR08bKvPbBr+lLJAhV7xuTv5KToXAhyCgF3u2Lywe+abDoMjBTx5FXmeT8D4DPqOohESkHHsX4hqY/4U5o2DnyegoXgydz5PWkkFtvvZWysjLuu+8+NmzYwKxZs3j00Ud55JFH+OEPf8jXvvY1ALq6unjhhRfYuXMnd911FzfeeOMxZc87z7giP/3008ecW7p0KYsWLeI73/kOP/7xj3uV87Of/SwPPvggZ511Fo899hh33313r2w9Spps0cgfb+fM7t/gi7fxs0MzuLiwiXmZQ7TVjUWgfhcgULwUnO7j/g6HhcsPnixY8FEoXGJ67dLTQimpOtl5VT1kvT+EHYA7ZQzHcfzw4cPceOONAOzcuZM1a9YAptfyeBJHEti7d2+vb+uqVauOGhKvWLECEWHJkiXU1NQkLNujqInOeTweVq5cCcDKlSt7FfXUU09lx44dBAIBKioqWLx4MTB0JS2MHmJV8A844kH++9AsPj6zgVLfEJ53jUPDHtOTFp1gerZRR0w7WUUw/2LIKx+VYXUyRd1gRSF8H+MNs2HQ0umEJxNKV45b88NxHJ89ezYbN24EzBz14YcfTli32+0mFjOb/wsWLGDTpk1cddVVbN68mYULF/aW27JlC6rK7t27mTlz5qBlE51bsGAB7733HldddRXvvffeUTKsXbuWW265hSuuuAIYopKqsjDyNovCb6PxMD86WManSmuZ4U3ilqYKzYeguxkKFoIve/DyqcDpAYcLipfD7HPAP21Um0tmlP9vIvIYUA58R1Xt+L4pYjQdx5ctW8bdd9/NNddcwwMPPMBTTz3FeeedR1ZWFo8++mhvudzcXC677DLq6up46KGHWLp06TFlt27dCsCVV155zLmcnBx+9atfceGFFzJv3rzezOkAn/70p7nnnnv4/ve/TyymdAQHV1KnRjgt+AcKY5W0h+M8XFHGzbOryXMn8bvuaobG/WaBKL982N/ZkHH5wZ0B5Wtg5nKjrGOAJHKIEZErVPW3InIbHL0op6r3j4lkKeLaa6/V9evX937et28f8+fPH0eJDD2O4zU1NXzrW99i3bp1nH322bhcLjZu3Mg555wzqo7jGzdu5Nlnn+W+++4bUT2RSAS3282Pf/xjWlpauOuuuwCora3llltuYcOvn0q4R7p//34Od+UBJvnvmd2/xa8dbA342dyay7qyajyDhUhRNfNQhxMKFozuKq44TQ86ba5R0Nyy47o6FSIM9HPQM2vvH+9lXKMlTCYmi+P4FVdcQUdHB16vlyeeeAKAN954gy996Uv8y73fG9yQQZV5kS0sCf8Pbg3x65oZZLli/P2cJCaB0RBUb4OC+ZAxikNOp9csRM06E8rOMD3pOJGwR+09KfIvqvrlPp/vVtXUbASOERO1R53sRGPxQZX0wP59zGx6lYJYFeFolJ8eLuWvixpZkNk9eMUdDWa7Zeay0VvNdfnBlwtzL4DCpabXHj6j16OKSAEmUNn5IrLUOuzEhEpJK0W1GXsi0TidoYGV1EmE7HgTM2KHONDp5Q91Rdw8u2rwYGOq0LDbKM2o2OVaq7e5s2HBxZCdku3PlDHQ0Pds4EpgNvBFzK9CGPjPsRHLJl0ZXEkVn3bi1W4aiPHH+jzaoy4+N7di8ClmNAzVW6FgHmQMKzrswIjDDHELl8C8i0Z99Xa4JFRUVf0t8FsROQ0TtV6tgGUp/pZsJhPhaJyuAZTUSZTMeAAhBqo0htwUeiNcksxmt73ehEIpPSW1Q90eBS0+GeZeCN4x2NIZAcnWlu9V1QuhNw3jeuDC0Rdr9PB4PAQCAXJzc8dblElFKBKnO5xISY/0og7ihONCZWuUfG1kQe4g5oCqUPchuH2pHeqKE1xemHmqWcGdYFZlA5E07WK/z6lJpDGOlJSUUF1dTWPj+KbRm0yEInGCkfgxSuokSkY8gIMYgtIZdRKMOyimntKOzQNXGO6C2u0wY3HqjBccLrPFUvpXUH7eGFktpY5kirpVRL6PCf+5Gtg6+iKNLk6ns9cCyGbk7KrsYF9zv8DYGmdx+C/Mj2zBQ4i4wi+ripnjDyb3fAnUQEe96UVHttpq6FHQsrOMBZHLO/I6x4FklkmfE5HLgCXAH1X1mbERy2aio6psP9zBgfruo5Q0K97MX3U/i1/bcROhPuTmscqZXFtaN7i9bs9Q15Nh5qMjxeG29kDPgDnnpa2C9jDQ9swcy2NmKSYu7z7r+NJkaRetctcDP1DVQisPzP/BxF36rKpWishi4MdW+19V1ZdFJBN4BJgB/E5Vv2fVdS/Ggf0gcLOqRhLVOYLvwOY4UVW2HGinsil4REk1zqLIZhaG38WDUcjXmvLY3+Xn9rmHcQ3mXdYz1C1cBP4Rrh24M8yr7GwoOTVlaQ/Hm4F61Osw0ez75/0bNO0igJXn9BqgwkqD8QXMsHkVJm/qPwDfAf4GqAP+gInC/7fAc6r6oIg8b9kYFwClqnquiHwFuFpEnhygTpsxQFV5e28btS2h3iBkWfEWTu9+lgxtw02EcFz4RcVMTsrp4LNlNYNVZtITRrpHNtTt6T0LlsCccyCreHj1TGAG2p651/p70zDqvB6ToOkOTFLiD60kTm+ISI9haYmq7gEQkWbLwOIsjvwwvIRJ4VgI9PhlPQ/cBGwZoE6bUSauyqbdAeoDVtpDjbMo8jYLw+/09qIHu3z8traQz8yqYbpnEIP6cBfU7oDp5cYUcDiIw1gRlZ9nFonSfHg7GAMNfTdjek8HJs1hB5AFNKvqgIk7rd70WoyxxB0cmyKx5yez70AoWYrFmkHK9a2zrxwTPu1iuhGPK2/taqWp3SQQzoo3c3r373t7UYDn6vLpiDn5x8EMGDQO9bshHoVZK4bfi7r8xrzvhLVpt4I7HAbqUVcBiMh/A/+uqjtF5ARMGsbBuAFYbyUohmNTJPZESO5rK9Y/nWKrdeyQJV+iVIyJ6uwr/4RJuzgZiMWV1z9sIdAZIR47ekUXoDPq4OGKElbnt3BSTufAFQWqoa3GzEWHu+3i9IA3B0663gTKniIk2545SVV3AqjqLhFJtvO8FFghIjdghr23A0us5MWncWR7p0ZE5gP1wHQrC1xP2sWfWn//DjNH/QIm89slwBvAngHqtBkFojHltR3NtHVFyY7Wc3rwOXzagQszrN3ensnGxml8tmyQSPWhdtOL5hRD2Qic9V1+s4I759zUbN2kEckU9RkR+RNGGZYBg27PqOpdPe9F5G1VvdXKWr4R4zr3Wev0V4CHMcPWf7aOPQg8KiI3A89aK7mVIlJnpWI8DNxnrfr+R4I6bVJMJBrn1R0tdHYFOSn4GmXRnb29qCo8WTODLGds4LSGkaDxGXX7zDB3uIHFHG7wT4dTboCMgmHeTXozqJsbgJVlfC5wMB0jPPR3c7MZGuFonD9/0Iy/4wCnhl7Eo924rFlGc9jFI5Uzuby4gbmJkgP3DS42Y9HIbHRdPiheAYsuTddedFQdx00LIiXA3Zj54U0icpOq/iwVDdtMXEKROG9srWJp20sUxg739qIAf2nJYVtbFreWVx4bgSEeM8HFYmGjoCNd5HFnwNKrjWfLFCfZ0PdhTHbve1U1JiKfBmxFncR0h6LsfvcNzur8Mx6COKygHtE4/LJqJnMyuvnbOdVHX6QKjfvMXLRwEXhHaOjucIMvD1asM0Nem6SK6lTVTSLS89M5BtGLbcaL7kATwXcfY0msCQ/h3uM1QQ9PVBdxfWkdRd4jx1E10RY6GyF/HhQuGLkQLh8UnghLrhyzwGHpQLJvYruIfB0osCyD3h99kWzGHFVCB9/Euf+P5GnwqEnVnxqnURn0cvvcCpx9T7TVGAP6aWUpckMTcPvhhCuMj6jNUSRT1P8L/BXQCey0jfInIcEAsS2P4uiox92nFw3HhZ9XlLAit43PzDqS2uJIJrTi1GVCc/lNCJSlnzB7pDbHkExRH1PVS4Dfj4UwNmOIKtS8i+5+Dke06yjzrtqgh8erillXVs20HjPAYMDMQ/3TTQ+aivCcTg94smHZ9ZBTOvL6JjHJFHWPiNyEyZMaBxiK94zNBCfcCR88gQYqkNjR2yubWnLY0Z7JP847bIa64S5jrODNNJnQUpFkqcdHdM5qY0Q/Fomb0pxkipoJnGe9YAjeMzYTnIYP4cOn0HAn0idMsyo8WV1EvifMutk1JnZu/S6zAluyLEVO3G7LifvMtHbiHg+SOY7fZAU1KwAaNZl1hM3EJdIFO34NLfshevSCUVfMwUOHSvlYUSPz/R1Quxs0BkVLUhNQzOkDl8fEKCo5beyyq00ikhk8XAfcCVQAZSLy/1T18TGRzCY1qELtFtj9e4h2G++VPlR0e3mqZgZ/M7uarI5D0FwPM04Y+V4ociSQ9bwLrTSE9hB3uCQb+n4BOENVwyLiBV4DbEVNF7oa4YP10NkAsWNN/d4NZLOtLYvbS3bgqNkNuaUjX8l1es0wecZJZnibWTiy+myAISwmAX5M8G0f8OGoS2STGuo/gB1PmV40Ac/X5xOLK5/1/AkCOjKj+Z4YuRkFRjlnLLWNFVJMsm/zVExIlYOY1IsVPU7lqnr6KMtmMxyiIdixAZr3QvTYXlQVHq0sZrn7MMvCW80wd7i+oS6/mW+WrIJZp9t7oKNIssUk2xo6nWg9BNt+CeGOY+aiAKG48NDBYj7p3Ei+02F8Q493P9ThMqu308ph9rmjlmHb5mjs8clkQBX2Pg9VmxL2omBc057bH+cm33P4Z55gwnIeDy6/2U4pOxtKT5sS4U8mEraipjsaN9su9dshljhu7r52F9UH9/HJmeAuWDH0unvmnjmzYN4FkDvH7j3HiaSKau2jFqpq/RjIY3M8xKPw/qPQesD4gCbgg8o2ooFazlk8G3EPsRfssRwqXg7lq+255wQg2T7qJzFxj3KseEmPqup1YyKZzeB0t8CWh6G72Shsf2IRPth9kLC/kFNPXDS0OnsSKJWdaeaftuXQhCFZj3o7xnzwZVWNWmFZbMabum2w8zfG2igB8dZq3q7oJmPWUk6dFhlanS6/6UEXXGzPPycgyRQ1jnEWVyvqvW1aMp5oHHY9C7XvJV40ikWI12znmfYTOG3h3MFzvfTg8pk56JJPTNgkvjbJFfXbmGh/izBpJ7492gLZDECk2wx1O2oTz0e7mok1HOAnkY/y8XkBirxJlNThNrlBl14D0+eNisg2qSPZPuoLwAsiUohtlD9+NO40VkaRzoT7ozTuIxqN8p/RK7hhdh0FniTDXZffZDmbd4FtQZQmJFtM+mm/zxFgL/ATVW0dRblswPSiOzb0erwcQywCNR8Qyi7l/sBpRzt6J8LpAd80OPnTtg1umpFsztkFvAX8JyZKPZiUEk8kKiwip4vIWyLyqog8LiJuEblGRN4UkZdFZJZVbrFV5k0RudA6likiT4nI6yJyZ5867xWR10TkERFxW8eOqXPS0bAD3vo305smUtKOeqjeSnfhSfyo8TRunl01uJL2RJk/4x9tJU1DkinqIlX9iaq+q6oPAfNU9ScYA/1EVAAXqOp5mHymV2A8cNYAX8OkSIQjaRc/ionLBEfSLp4DXCAipSJyClbaRWAnJu2ia4A6JweRLtjyC9j+ZGJTwHgMqrdBqJPOmat4oHI+fz+nilz3AOkknF6ThnDVrcbdzHY1S0uSTVACIvIt4B2MgX6rpSgdiQqrat9kmGHgBOy0i0Ondivs+l1Cv1HA9KItFVC8lO3BAjZWTOOW8koynAnKgulF554Ps8+2FTTNSaao12FSKC7CKMjXVTUGXDrYRSIyB7gY+DJG2Xqw0y4mItRm/Ebbqwaei9buAF8uodLTWF9dRIE7MnDOF5cPcspMVD9f3qiKbjM2JFv1jYnIFkzWNQHOBl4d7BoRyQEeAdZhlMhOuzgQqlD9tjGoj3QDCURtrYCORiheyp9ai9l1OIOrS+oTr+yKw6SBWPIJOw3EJCPZqu8PgNnACkyPKgyiqNaw+FfAN6w0jW7stIuJCbXB1l9a+6IJ9jzDXVD3IeSWsG/aWfyhIp/V+S2cX95ybFkwvWheOZx4rQlkbTOpSDb0XamqZ4vIRlW9QkSeTFL+ekzA7q+KyFeBB4D/wE67eDR1H8DOpxP3oqrQuBeiIdqLVvJETQnFvjC3lVcO7LjizoCFl0JJigJi20w4kilqz/iqS0QuAAYdT6nqI5hhb3+e6FduB3Buv2MdmPlw/zq/lODYE/3rTAtiEWOj27Aj8Vy0swmaDhDPn8+z7QtprPVwXWndwAmCXT4TEPvkG2zzv0lOMkX9nBXU7A7gVuB/j7pEk5XOBtjycwgFjvV2iQahdif4c3k/ZzWv1U/j0qLGxLlHwYTf9GbBwo9BwWLbR3QKkExRb1DVL2OCmv2jiNwN/HH0xZpEqELVZrNg1D/QmMZNPtFomMb85TxZV8rS7E4+N9BqrsNt5p+L1poof7aCThkSKqq1r1kEnC8iS63DTswiz3fHSLb0JxqEbb+CwKFjh7ptNRCoJl6wkN+2zqejycnfzK4+NjkwYGLk+sx+aPlq2z53CjLQf/xszHxxNkeMECIYU0KboRA4DFsfM3letM8cM9RpUkVkz2DPtHP4Q00Blxc3UD7QMLd3T/QqE8zaZkqSUFFV9bfAb0VkjqoeGmOZ0huNw/6XoeLNo3vReAzqdoIIweIVPF5TQpE3zO1zKxKPYB0eM8xdehXkLxwz8W0mJgMNfTdj7RvIkadIsOP5Dk6w1djpdjcd8RlVhZbD0NUMM07gjY6ZbKvK4rrSOvLcCYzoxWENc881mc7sYW5aEIvHaAo20dDVQF1XHTVd1bSGW3DlBO/8h/IvfW+k9Q/Uo64aacVTCivXKHueOzo8SmcTNB+AabOpzzydDdVFrMpr45byqsT1uPzGomjhx4xTt824o6q0hlqp76qnvqueyo7DNIYaaIsG6Iy20R5tJ04MESHD7SPTm0GGx0+Gx4/L5wS4FxgdRe1BRGZjDBIWYCyCvmkPhfsR7jALRn3tdCPdZpjrzyVUchobaopxifJ3s6twJ1os6sm4fcJakxbCZkyIa5zmYDN1nXXUdtZS0XmYQKSFtkgr7dEAnTHje+Jze8n0ZJDp9ZPpycDjc1FABqWO6RR6iijwFpu/niKyXbl9R6EAKVmaTzau+inwdUwi49OBnwEXpKLhSUGPt0ukC1AzD63fCYDOXMYrzYXsrcjg6pI68hP5ivYo6KKPQaYdNy6VxOIxGrsbqeuqo66rjtrOGgLRVksJW2mLBhDA7/GT5c0gy5tJht+HL8OBj2zmOUsp8pZQ5CuhyFtCvmcGTklBjthhkkxRvar6uvX+tR7H7SlPMADb10N7telFVaH5IHS3wowT2NxVzKbDOawpaOHCwn62uT1BrfPKYeFf207cw0BVaQu3UdVRRWV7JQc7DtAeCdARa6Mz2k5nrAOHCBkeP5l9lNAtQj5+Sh35FPtKKPKWUuwtpdBbhFMm9lpAMuk2icgvMT3qKuvv1EXjcOh1OLjRGuYqdDRAyyGYPpd3nCezqTqHlbntx7igqcODOF0wc4WJtGAHtR4SsXiMQ22HeLfhHfa176YhVEd3vBOf20u2N4tsXyaZmX6yRMgilxzXbPI9RRR4ZlDgKWKGdyY+Z/o7KQy06vsVYL2q3iEiKzFz1H9V1XfGVLqJRKgN3n/EyjUaglAHNOwh6s/nBffFVDf6OSWnnVv7LRSpy4+4M5Dy1SZurp1te0AisQh7W/fyTsNmDnbsoy5UgxIjLyOHgqzp5E33UeY6ibkZiyjPWECRtwTHFHGIH6hHPQzcJyLFwO+AJ1V199iJNcFo2GHyu0S6TVrD+p10qI/fxC8m3Onm4sImLvU39xaP4cTh8iDT5iLlayC3bPxkn6B0RbrY3bKbLY3vUtV9mNpgFQjkZ+aRnzWNwoIsTvFdwMLME5mXeQIeh2e8RR5XBtqeeQR4RESygcuAfxGREuAZVZ06sX3jMdj9LFq7BYl0Q+M+Al0hfhNfg9/j5hOlDUeFQYmKB4fLi3P2mSYcp+0XCkAgFGBX8y4+aN5GdbCCumAVDodQkDWd6Zl5FGRkssx7IUtzljM3Y+G4LtpMVJJFeGgXkReATIzf58eYKkG4Q+3oez9DOxtxdDfRWrWfF+Kr8GTlcX1R41E2uVGHD/Hl4lrwEbMPOkWGY4loCbbwYdOHfNiynZpgFXWhatwuJwVZ05mWkUNhZian+C5iafZyyjMW2Eo5RAaao84ArgI+AXiAp4DrLGfuSY827ye+9ZdIpJ3Gw/vY1pFLMP8Cri5qxikNAMQR4g4vjmlzcM2/GHJKxlnqsaexu5EdjTvY2bqD2pBRSp/bS2FWPnmZ2RRmZXKK7wKWZJ3C3MyFE35ldSIz0De3wXqtU9UBzGgmIap0734FV+VrNDXWc7iqjq78pZy/NIpDzBw0joO4w4MULcM1/8IpYSivqtR31bO9aTsftu6gPlRNY7iODI+Pwqx8crKyKMrO4TT/KSzOOpk5GfPtnjLFDDRHPW+sBRlvouEQnZt/TldTJQf378Hhz2blSYtwOYyhQk8PKsXLcS24aNKa+KkqNZ01bG/azs7W7dSFamiJNJLpzaAwazrZ2ZmU5EzjnIwzWJJ9MqW+Of0tcWxGAXssAgSaG+je/DPe3VdDaaSCUxfNwesxq4xxIO7wITNOxLXwEvBmj6+wKURVqeyoZHvjdva07aQ2WEVrtJlsbyaF2flk5vgpkwIuyjqfxVnLKPKW2Eo5Tkx5RT20dw+bX/sN89o2cf7MLPzTjUuZYino9Pm4Fq9N+/i4wWiQfa372NWyi5ruKmqDVTRHGsjxZRmlzPVTnlvMkuxLWJJ9Cvke22JqIjFlFTWuygsb3yS69VdclH2YvCWLel3KYg4fkluKc/HlaWmD29jdyM7mnVS0VdASaTQ9ZayZ6Rl55Gfl4clxMysnn4uy1rAk+xRmeGeOt8g2SZiSitrRHeEXT27gwsB6Fs0pQLJMtJmY04cjpwTnorWQPbEfXlWlsbuRqo4qDrUd4nDnAepDNTRFGsj0+MnPnE6uPwun30FpTj5rMs9lafZye/iapqStoorIvZh8NQeBm1U1SVJQw+u76mh46d/4dNY+chcvIi5O4k4vjtwynIs+ZhIqjROqSmekk6ZgE83BZpq6m6jvqqMtGqAr1kFHtIPOWBsd0XYAMjx+cnxZ5Piy8OV6mUUBqzPPYW7GQmb5yvE6B8rlZZNupKWi9s3yZtklXw08Ptg1HaEov3nmd5xW9wRnzC6EjCXEnG4cM5fjKD8vZXNQVaU72k1buI32cDsdkQ7aw+20hdpoCjURinUTjAcJxbrpincRjHXSFesiav3OeJxu/B4fGW4ffo8fv9eL0+8kEyGTbLKcpRR4Z1DoKSbfM4Mib8mkMDq3GZy0VFRMT9o/y9uAivr6XzYR3vxzrspvxbdoLnHvNBxzVyMlK48yko/FY3REOswrbP62hdtoCjbSHGoiGOsmGAsSincT1hDheIhQLEREwyZODcZL2OV043W58bo8eFwevNbL7XfhEAdewIuLHHLwO4rJdU8nzz2dae58pnnymebOJ9OZbQ9RbXpJV0VNlOUtIRV7NtH63jfoKM3mCU8GTRkxWtxNhKoeJ1zxU2Ia600q4RDB7XQb5bL+elxuPE43nkw3XnHgxQVk4yCPTFcWmc4sMpxZZLmyyXRmkdnz15lNhivL3vi3SQnpqqitHJvlrZe+aRdPXzKTE09cw6slcUJOB1lArrjIduaQ5TKvbFcOWa5ssqxjma5sW8FsJhSiOnGzEg6EiCwHvqCqN4rIPwEHVDXh0Pfaa6/V9evXj6l8NjZ9SMn8JS3dPFR1C9CT5e1E4NfjK5GNzeiSrkPfhFnebGwmK2nZo9rYTDVsRbWxSQPScjHpeBCRfcBYBWWbBYyFc/1YtTNZ2xrLe/Kr6mUjrSRt56jHwTuqeu1YNCQi68eirbFqZ7K2Ndb3lIp67KGvjU0aMBUU9clJ2NZkvKexbCvt7mnSz1FtbCYDU6FHtbFJe9JSUUXkXhF5TUQeERG3iFwjIm+KyMsiMitB+WPOi8hiEXnVOn7hUNuyjs0RkZCInDSabYnIbSKyyXpdlaD8OVadr4vIMutYsYi8KCJviMgNA7STa9XZISIniUi2iLxiyfiKiMxJ1X31b8s6NktEficifxKRb6TivkTkdBF5y5Ln8dF8LhK1ZR0flecCMP6T6fQCTgEetd5/BfgM8BYm/vDZwH/3K+9KdB4Tq3ghxrj/jSG2db31/kfAK8BJo9kWsN2qMwOzet3/mj9jPIlmA89Zx/4duKiPLL4E17mBQuBh4CTAB5RY5y4B/jOF93VUW9axxzH+xAP9j4/7voCZmK0QgO9ifJRH67k4pq3Rei56XunYo/b3RV0HfKiqYVV9AzgZQETWiciZmC/imPOYB3OPqrYBzSKSKINw/7bOFpG5GNfTwz2FRqstYD/gB7IxHkOIyEdF5OMi4gdiqtqiqoc54up3OvCKqkaBtzGKeBSqGlHVhj6fg6pabX0MY4IvpuS++rdl9T7lwL9avfdZqbgvVa1R1e4+93BCIplTdE/924qP4nMBpOfQdxrQZr0PYLwT2vqcdwKo6sOq+la/8r3nOfreB/Jp7d/WdOAu4L6+hUaxrd8DHwJbgH+12npeVZ9O0FZURDyAW1Xj/eoZEtb1Xwd+mML76k8BsBy4E/gU8P1U3pc1bL8YeD2RzKm8pz5tPcPoPRdAeho8tHK0Lyp9PgPEBinf93y8z7FjfFoHaGsa0KaqByVx9IVUthUEbsX8GnuAV0TkD6q9y/T923KpalhEIiLisB7qgdoaiB8D96vqnhTeV39agb1Wb4klr8vqKRO1NeT7EpEc4BHMKMs5gMwpuad+bc0GGKXnAkjPHvVNzFwFzHzqZ8ASEfFYw6it/crvGeB8jYjMF5OxbrqqNg6hrUeBE0XkeeAjwH+JSN8IYqls609AN0ZhOzHK2vsUqGoX4BKRPBEp48g/eTOwRkRcwErMPDcpIvLPwH5VfSLB6ZHc11FYQ8YmS+5MTFb7aJ/zw7ov6/ivgG+o6q5BZB7xPSVo6xRG77no/WLS7gX8P+A14DHMA/xJzIP+ClBmlVkHnGm9T3R+qVXHm8BHhtpWn+MPc2RxZFTawgwP/wfYBNxilfko8HHr/XlWnW8Ap+iRhY6XrOM3DtLWc0A1ZpHjq0AU2Gi9vpvi++rb1jrMfPw14C/A2lTcF2ZRsanPPXxytJ6LRG2N5nOhqrbBg41NOpCOQ18bmymHrag2NmmArag2NmmArag2NmmArag2NmmArag2NmmArahTDBEpF5GLrffLReTWFNV7vojMTkVdNsdiK+rUoxxjn4qqblHVB1JU782AvSk/StiKOvW4FfikiGwUkU+IyH0iskZEXhCRp0XkfRH5pPV5k4jki+GHYvxH/yj9fDtF5HJgLfCIiHxmXO5qkpOORvk2I+MBoEJVvygia/ocd6jqx0Xk74HrVPUSEfk8cAVQD7So6vki8lfAl4HP9bn2WYy/7EXYjAq2otr00GMoXt3nfRUwB+Oa9nEROQ/jGFDR79oFGMNzm1HCVtSpR4Qj/pB90QHeC7ATWK+q34Re5+++nAjsSqWQNkdjz1GnHtuAlSLyJJA3xGueAfKtOeorwI39zu8C/lZE/iNlUtoche09Y2OTBtg9qo1NGmArqo1NGmArqo1NGmArqo1NGmArqo1NGmArqo1NGmArqo1NGvD/AcK5NCuG60nfAAAAAElFTkSuQmCC", - "text/plain": [ - "
" - ] - }, - "metadata": { - "needs_background": "light" - }, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "figs, axs = [], []\n", "for i in range(3):\n", @@ -305,28 +260,10 @@ }, { "cell_type": "code", - "execution_count": 57, + "execution_count": null, "id": "6959949d", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "['out-nonlinear-partial2/CBCproj_noise1.0_perm_norm1.0_seed10_partialctrl_adaptive_20230322_201843.pkl', 'out-nonlinear-partial2/CBCproj_noise1.0_perm_norm1.0_seed11_partialctrl_adaptive_20230322_204216.pkl', 'out-nonlinear-partial2/CBCproj_noise1.0_perm_norm1.0_seed9_partialctrl_adaptive_20230322_200359.pkl', 'out-nonlinear-partial2/CBCproj_noise1.0_perm_norm1.0_seed8_partialctrl_adaptive_20230322_183902.pkl']\n" - ] - }, - { - "data": { - "text/plain": [ - "4" - ] - }, - "execution_count": 57, - "metadata": {}, - "output_type": "execute_result" - } - ], + "outputs": [], "source": [ "paths = list(filter(\n", " lambda x: 'Pu' not in x,\n", @@ -357,7 +294,7 @@ }, { "cell_type": "code", - "execution_count": 68, + "execution_count": null, "id": "cb746d51", "metadata": {}, "outputs": [], @@ -383,22 +320,10 @@ }, { "cell_type": "code", - "execution_count": 61, + "execution_count": null, "id": "6d9a9a93", "metadata": {}, - "outputs": [ - { - "ename": "FileNotFoundError", - "evalue": "[Errno 2] No such file or directory: 'out/CBCproj_noise1.0_perm_norm1.0_seed11_partialctrl_20230307_004504.pkl'", - "output_type": "error", - "traceback": [ - "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", - "\u001b[0;32m/var/folders/6j/gyt4xljs6px47s_d83fnk5bm0000gn/T/ipykernel_63409/1519066497.py\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 5\u001b[0m \u001b[0mpath_adaptive_topo\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m'out/CBCproj_noise1.0_perm_norm1.0_seed11_partialctrl_topo14line14_20230307_152158.pkl'\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m----> 7\u001b[0;31m \u001b[0;32mwith\u001b[0m \u001b[0mopen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpath_adaptive\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'rb'\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 8\u001b[0m \u001b[0mdata_adaptive\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mpickle\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mload\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mf\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[0;32mwith\u001b[0m \u001b[0mopen\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mpath_adaptive_topo\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m'rb'\u001b[0m\u001b[0;34m)\u001b[0m \u001b[0;32mas\u001b[0m \u001b[0mf\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", - "\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] No such file or directory: 'out/CBCproj_noise1.0_perm_norm1.0_seed11_partialctrl_20230307_004504.pkl'" - ] - } - ], + "outputs": [], "source": [ "# Open files\n", "\n", diff --git a/robust_voltage_control.py b/robust_voltage_control.py index 1c65401..7b16493 100644 --- a/robust_voltage_control.py +++ b/robust_voltage_control.py @@ -9,6 +9,7 @@ from tqdm.auto import tqdm from network_utils import np_triangle_norm +from utils import solve_prob from voltplot import VoltPlot @@ -17,13 +18,15 @@ def robust_voltage_control( v_lims: tuple[Any, Any], q_lims: tuple[Any, Any], v_nom: Any, X: np.ndarray, R: np.ndarray, Pv: np.ndarray, Pu: np.ndarray, - eta: float | None, eps: float, v_sub: float, beta: float, - sel: Any, pbar: tqdm | None = None, + eta: float, ε: float, v_sub: float, β: float, + sel: Any, δ: float = 0., ctrl_nodes: Sequence[int] | None = None, + pbar: tqdm | None = None, log: tqdm | io.TextIOBase | None = None, volt_plot: VoltPlot | None = None, volt_plot_update: int = 100, - save_Xhat_every: int = 100 - ) -> tuple[np.ndarray, np.ndarray, dict[str, list], dict[int, np.ndarray]]: + save_params_every: int = 100 + ) -> tuple[np.ndarray, np.ndarray, dict[str, list], + dict[int, np.ndarray | tuple[np.ndarray, float]]]: """Runs robust voltage control. Args @@ -39,28 +42,34 @@ def robust_voltage_control( - Pv: np.array, shape [n, n], quadratic (PSD) cost matrix for voltage - Pu: np.array, shape [n, n], quadratic (PSD) cost matrix for control - eta: float, noise bound (kV^2) - - if None, assumes that eta is a model parameter that will be returned - by `sel` - - eps: float, robustness buffer (kV^2) + - ε: float, robustness buffer (kV^2) - v_sub: float, fixed squared voltage magnitude at substation (kV^2) + - β: float, weight for slack variable - sel: nested convex body chasing object (e.g., CBCProjection) + - δ: float, weight of noise term in CBC norm when learning eta + - set to 0 if eta is known - ctrl_nodes: list of int, nodes that we can control voltages for - pbar: optional tqdm, progress bar + - log: optional log output - volt_plot: VoltPlot - volt_plot_update: int, time steps between updating volt_plot - - save_Xhat_every: int, time steps between saving estimated Xhat model + - save_params_every: int, time steps between saving estimated model params Returns - vs: np.array, shape [T, n] - qcs: np.array, shape [T, n] - - dists: dict, keys ['t', 'true', 'prev'], values are lists + - dists: dict, keys ['t', '*_true', '*_prev'], values are lists - 't': list of int, time steps at which model updates occurred, - i.e., X̂(t) != X̂(t-1). X̂(t) is generated by data up to and including - v(t), q^c(t), u(t-1) - - 'true': list of float, ||X̂-X||_△ after each model update - - 'prev': list of float, ||X̂(t)-X̂(t-1)||_△ after each model update - - X_hats: dict, keys are time steps, values are np.array, shape [n, n] - - X_hats[t] is the estimated model after observing vs[t], qcs[t] + i.e., X̂(t) != X̂(t-1). X̂(t) is generated by data up to and + including v(t), q^c(t), u(t-1) + - '*_true': list of float, ‖X̂-X‖_△ after each model update + (and likewise for η and (X,η), if learning η) + - '*_prev': list of float, ‖X̂(t)-X̂(t-1)‖_△ after each model update + (and likewise for η and (X,η), if learning η) + - params: dict, keys are time step t, values the estimated model params + after observing vs[t], qcs[t]. + - if delta is None: np.array, shape [n, n] + - if delta is given: tuple of (np.ndarray, float) """ assert p.shape == qe.shape T, n = qe.shape @@ -68,24 +77,14 @@ def robust_voltage_control( if log is None: log = tqdm() - log.write(f'||X||_△ = {np_triangle_norm(X):.2f}') + log.write(f'‖X‖_△ = {np_triangle_norm(X):.2f}') - dists: dict[str, list] = {'t': [], 'true': [], 'prev': []} + dists: dict[str, list] = {'t': [], 'X_true': [], 'X_prev': []} X̂_prev = None v_min, v_max = v_lims q_min, q_max = q_lims - if eta is None: - raise NotImplementedError # we currently don't support learning eta - # is_learning_eta = True - # rho = eps / (2 + 2 * np.linalg.norm(np.ones(n) * (q_max-q_min), ord=2)) - # etahat_prev = None - else: - is_learning_eta = False - rho = eps / (2 * np.linalg.norm(np.ones(n) * (q_max-q_min), ord=2)) - log.write(f'rho(eps={eps:.2f}) = {rho:.3f}') - vs = sel.v # shape [T, n], vs[t] denotes v(t) qcs = sel.q # shape [T, n], qcs[t] denotes q^c(t) vpars = qe @ X + p @ R + v_sub # shape [T, n], vpars[t] denotes vpar(t) @@ -93,26 +92,35 @@ def robust_voltage_control( # we need to use `u` as the variable instead of `qc_next` in order to # make the problem DPP-convex - u = cp.Variable(n) - slack = cp.Variable(nonneg=True) + u = cp.Variable(n, name='u') + ξ = cp.Variable(nonneg=True, name='ξ') # slack variable + + q_norm_2 = np.linalg.norm(np.ones(n) * (q_max-q_min), ord=2) + if δ > 0: # learning eta + dists |= {'η': [], 'η_prev': [], 'X_η_prev': []} + etahat_prev = None + rho = ε * δ / (1 + δ * q_norm_2) + etahat = cp.Parameter(nonneg=True, name='̂η') + k = etahat + rho * (1/δ + cp.norm2(u)) + else: + rho = ε / q_norm_2 + k = eta + rho * cp.norm(u, p=2) + log.write(f'rho(ε={ε:.2f}) = {rho:.3f}') # parameters are placeholders for given values - vt = cp.Parameter((n,)) - qct = cp.Parameter((n,)) - X̂ = cp.Parameter((n, n), PSD=True) - # if eta is None: - # eta = cp.Parameter(nonneg=True) + vt = cp.Parameter(n, name='v') + qct = cp.Parameter(n, name='qc') + X̂ = cp.Parameter((n, n), PSD=True, name='X̂') qc_next = qct + u v_next = vt + u @ X̂ - k = eta + rho * cp.norm(u, p=2) obj = cp.Minimize(cp.quad_form(v_next - v_nom, Pv) + cp.quad_form(u, Pu) - + beta * slack**2) + + β * ξ**2) constraints = [ q_min <= qc_next, qc_next <= q_max, - v_min + k - slack <= v_next, v_next <= v_max - k + slack + v_min + k - ξ <= v_next, v_next <= v_max - k + ξ ] if ctrl_nodes is not None: all_nodes = np.arange(n) @@ -123,53 +131,44 @@ def robust_voltage_control( # if cp.Problem is DPP, then it can be compiled for speedup # - http://cvxpy.org/tutorial/advanced/index.html#disciplined-parametrized-programming assert prob.is_dcp(dpp=True) - # log.write(f'Robust Oracle prob is DPP?: {prob.is_dcp(dpp=True)}') + log.write(f'Robust Oracle prob is DPP?: {prob.is_dcp(dpp=True)}') if pbar is not None: log.write('pbar present') pbar.reset(total=T-1) - X_hats = {} + params: dict[int, np.ndarray | tuple[np.ndarray, float]] = {} for t in range(T-1): # t = 0, ..., T-2 # fill in Parameters - if is_learning_eta: - raise NotImplementedError - # X̂.value, eta.value = sel.select() - # update_dists(dists, t, X̂.value, X̂_prev, X, eta.value, etahat_prev) - # X̂_prev = np.array(X̂.value) # save a copy - # etahat_prev = float(eta.value) # save a copy + if δ > 0: # learning eta + X̂.value, etahat.value = sel.select(t) + update_dists(dists, t, X_info=(X̂.value, X̂_prev, X), + η_info=(etahat.value, etahat_prev, eta), δ=δ, log=log) + etahat_prev = float(etahat.value) # save a copy + if (t+1) % save_params_every == 0: + params[t] = (np.array(X̂.value), etahat_prev) else: X̂.value = sel.select(t) - update_dists(dists, t, X̂.value, X̂_prev, X, log=log) - X̂_prev = np.array(X̂.value) # save a copy - - if (t+1) % save_Xhat_every == 0: - X_hats[t] = np.array(X̂.value) # save a copy + update_dists(dists, t, X_info=(X̂.value, X̂_prev, X), log=log) + if (t+1) % save_params_every == 0: + params[t] = np.array(X̂.value) # save a copy + X̂_prev = np.array(X̂.value) # save a copy qct.value = qcs[t] vt.value = vs[t] - try: - prob.solve(warm_start=True, solver=cp.MOSEK, mosek_params={'MSK_IPAR_NUM_THREADS': 1}) - except cp.SolverError: - log.write(f't={t}. robust oracle: default solver failed. Trying cp.ECOS') - prob.solve(solver=cp.ECOS) - if prob.status != 'optimal': - log.write(f't={t}. robust oracle: prob.status = {prob.status}') - if 'infeasible' in prob.status: - import pdb - pdb.set_trace() + solve_prob(prob, log=log, name=f't={t}. robust oracle') qcs[t+1] = qc_next.value vs[t+1] = vpars[t+1] + qc_next.value @ X sel.add_obs(t+1) - # log.write(f't = {t}, ||u||_1 = {np.linalg.norm(u.value, 1)}') + # log.write(f't = {t}, ‖u‖_1 = {np.linalg.norm(u.value, 1)}') if volt_plot is not None and (t+1) % volt_plot_update == 0: volt_plot.update(qcs=qcs[:t+2], vs=np.sqrt(vs[:t+2]), vpars=np.sqrt(vpars[:t+2]), - dists=(dists['t'], dists['true'])) + dists=(dists['t'], dists['X_true'])) volt_plot.show(clear_display=False) if pbar is not None: @@ -180,51 +179,88 @@ def robust_voltage_control( # update voltplot at the end of run if volt_plot is not None: volt_plot.update(qcs=qcs, vs=np.sqrt(vs), vpars=np.sqrt(vpars), - dists=(dists['t'], dists['true'])) + dists=(dists['t'], dists['X_true'])) volt_plot.show(clear_display=False) - return vs, qcs, dists, X_hats + return vs, qcs, dists, params + + +def np_triangle_delta_norm(X: np.ndarray, η: float, δ: float) -> float: + X_norm = np_triangle_norm(X) + return np.sqrt(X_norm**2 + (δ * η)**2) -def update_dists(dists: dict[str, list], t: int, Xhat: np.ndarray, - Xhat_prev: np.ndarray | None, X: np.ndarray, - log: tqdm | io.TextIOBase | None = None, - # etahat: float | None = None, etahat_prev: float | None = None +def update_dists(dists: dict[str, list], t: int, + X_info: tuple[np.ndarray, np.ndarray | None, np.ndarray], + η_info: tuple[float, float | None, float] | None = None, + δ: float = 0., log: tqdm | io.TextIOBase | None = None, ) -> None: - """Calculates ||X̂-X||_△ and ||X̂-X̂_prev||_△. + """Calculates ‖X̂-X‖_△ and ‖X̂-X̂_prev‖_△. Args - - dists: dict, keys ['t', 'true', 'prev'], values are lists + - dists: dict, keys ['t', '*_true', '*_prev'], values are lists - 't': list of int, time steps at which model updates occurred, - i.e., X̂(t) != X̂(t-1). X̂(t) is generated by data up to and including - v(t), q^c(t), u(t-1) - - 'true': list of float, ||X̂-X||_△ after each model update - - 'prev': list of float, ||X̂(t)-X̂(t-1)||_△ after each model update + i.e., X̂(t) != X̂(t-1). X̂(t) is generated by data up to and + including v(t), q^c(t), u(t-1) + - '*_true': list of float, ‖X̂-X‖_△ after each model update + (and likewise for η and (X,η), if learning η) + - '*_prev': list of float, ‖X̂(t)-X̂(t-1)‖_△ after each model update + (and likewise for η and (X,η), if learning η) - t: int, time step - - Xhat: np.array, shape [n, n] - - Xhat_prev: np.array, shape [n, n], or None - - this should generally only be None on the 1st time step - - X: np.array, shape [n, n] + - X_info: tuple of (X̂, X̂_prev, X*), each is np.array of shape [n,n] + - X̂_prev may be None on the 1st time step + - η_info: tuple of (̂η, ̂η_prev, ηmax), each is float + - ̂η_prev may be None on the 1st time step + - δ: float, weight of noise term in CBC norm when learning eta + - log: optional log file """ - # here, we rely on the fact that the CBCProjection returns the existing - # variable X̂ if it doesn't need to move - if Xhat_prev is None or not np.array_equal(Xhat, Xhat_prev): - dist_true = np_triangle_norm(Xhat - X) - msg = f't = {t:6d}, ||X̂-X||_△ = {dist_true:7.3f}' + X̂, X̂_prev, X = X_info + if δ > 0: + assert η_info is not None + etahat, etahat_prev, η = η_info - if Xhat_prev is None: - dist_prev = 0. + # here, we rely on the fact that the CBCProjection returns the existing + # parameter if it doesn't need to move + if X̂_prev is not None and np.array_equal(X̂, X̂_prev): + if δ == 0. or (etahat_prev is not None and etahat == etahat_prev): + return + + dists['t'].append(t) + msg = f't = {t:6d}' + + if δ > 0: + # dXη = np_triangle_delta_norm(X̂ - X, etahat - η, δ) + # msg += f', ‖(X̂,̂η)-(X,η)‖_(△,δ) = {dXη:7.3f}' + # dists['X_η_true'].append(dXη) + + # dη = np.abs(etahat - η) + # msg += f', |̂η-η| = {dη:3.3f}' + # dists['η_true'].append(dη) + + if X̂_prev is None: + dXη = 0. + dη = 0. else: - dist_prev = np_triangle_norm(Xhat - Xhat_prev) - msg += f', ||X̂-X̂_prev||_△ = {dist_prev:5.3f}' - # if etahat_prev is not None: - # msg += (f', etahat = {etahat:5.3f}, ' - # f'|etahat - etahat_prev| = {etahat - etahat_prev:5.3f}') - - if log is None: - log = tqdm - log.write(msg) - - dists['t'].append(t) - dists['true'].append(dist_true) - dists['prev'].append(dist_prev) + assert etahat_prev is not None + dXη = np_triangle_delta_norm(X̂ - X̂_prev, etahat - etahat_prev, δ) + dη = np.abs(etahat - etahat_prev) + msg += f', ‖(X̂,̂η)-(X̂,̂η)_prev‖_(△,δ) = {dXη:5.3f}' + msg += f', |̂η-̂η_prev| = {dη:3.3f}' + dists['X_η_prev'].append(dXη) + dists['η_prev'].append(dη) + dists['η'].append(etahat) + + dX = np_triangle_norm(X̂ - X) + msg += f', ‖X̂-X‖_△ = {dX:7.3f}' + dists['X_true'].append(dX) + + if X̂_prev is None: + dX = 0. + else: + dX = np_triangle_norm(X̂ - X̂_prev) + msg += f', ‖X̂-X̂_prev‖_△ = {dX:5.3f}' + dists['X_prev'].append(dX) + + if log is None: + log = tqdm + log.write(msg) diff --git a/robust_voltage_control_nonlinear.py b/robust_voltage_control_nonlinear.py index 5b1492d..6a98bb1 100644 --- a/robust_voltage_control_nonlinear.py +++ b/robust_voltage_control_nonlinear.py @@ -2,21 +2,23 @@ from collections.abc import Sequence import io -import os from typing import Any import cvxpy as cp import numpy as np +import pandapower as pp import scipy.io as spio from tqdm.auto import tqdm from network_utils import np_triangle_norm +from robust_voltage_control import update_dists +from utils import solve_prob from voltplot import VoltPlot # ==== BEGINNING OF NONLINEAR MODIFICATIONS: loading data ==== # active and reactive load data -load = spio.loadmat(os.path.join(os.path.dirname(__file__), 'orig_data/loadavail20150908.mat'), squeeze_me=True) +load = spio.loadmat('orig_data/loadavail20150908.mat', squeeze_me=True) scale = 1.1 load_p = np.stack(load['Load']['kW']) / 1000 # to MW load_p *= scale @@ -31,7 +33,7 @@ gen_p = np.zeros((N, T)) gen_q = np.zeros((N, T)) -solar_orig = spio.loadmat(os.path.join(os.path.dirname(__file__),'orig_data/pvavail20150908_2.mat'), squeeze_me=True) +solar_orig = spio.loadmat('orig_data/pvavail20150908_2.mat', squeeze_me=True) capacities = np.array([ 9.97, 11.36, 13.53, 6.349206814, 106.142148, 154, 600, 293.54, 66.045, 121.588489, 12.94935415, 19.35015173, 100, 31.17327501, 13.06234596, @@ -49,8 +51,8 @@ gen_p[solar_index,:] = pv # Check data -solar = spio.loadmat(os.path.join(os.path.dirname(__file__),'data/PV.mat'), squeeze_me=True)['actual_PV_profile'] # shape [14421] -pq_fluc = spio.loadmat(os.path.join(os.path.dirname(__file__),'data/pq_fluc.mat'), squeeze_me=True)['pq_fluc'] # shape [55, 2, 14421] +solar = spio.loadmat('data/PV.mat', squeeze_me=True)['actual_PV_profile'] # shape [14421] +pq_fluc = spio.loadmat('data/pq_fluc.mat', squeeze_me=True)['pq_fluc'] # shape [55, 2, 14421] all_p = pq_fluc[:, 0] # shape [n, T] all_q = pq_fluc[:, 1] # shape [n, T] nodal_injection = -load_p + gen_p @@ -64,17 +66,19 @@ def robust_voltage_control( p: np.ndarray, qe: np.ndarray, v_lims: tuple[Any, Any], q_lims: tuple[Any, Any], v_nom: Any, - env: Any, + net: pp.pandapowerNet, X: np.ndarray, R: np.ndarray, Pv: np.ndarray, Pu: np.ndarray, - eta: float | None, eps: float, v_sub: float, beta: float, - sel: Any, pbar: tqdm | None = None, + eta: float, ε: float, v_sub: float, β: float, + sel: Any, δ: float = 0., ctrl_nodes: Sequence[int] | None = None, + pbar: tqdm | None = None, log: tqdm | io.TextIOBase | None = None, volt_plot: VoltPlot | None = None, volt_plot_update: int = 100, - save_Xhat_every: int = 100 + save_params_every: int = 100 ) -> tuple[np.ndarray, np.ndarray, dict[str, list], - dict[int, np.ndarray], dict[str, list]]: + dict[int, np.ndarray | tuple[np.ndarray, float]], + dict[str, list]]: """Runs robust voltage control. Args @@ -85,34 +89,40 @@ def robust_voltage_control( - q_lims: tuple (q_min, q_max), reactive power injection limits (MVar) - q_min, q_max could be floats, or np.arrays of shape [n] - v_nom: float or np.array of shape [n], desired nominal voltage - - env: gym environment, the nonlinear voltage simulation environment + - net: pandapower network, used for nonlinear voltage simulation - X: np.array, shape [n, n], line parameters for reactive power injection - R: np.array, shape [n, n], line parameters for active power injection - Pv: np.array, shape [n, n], quadratic (PSD) cost matrix for voltage - Pu: np.array, shape [n, n], quadratic (PSD) cost matrix for control - eta: float, noise bound (kV^2) - - if None, assumes that eta is a model parameter that will be returned - by `sel` - - eps: float, robustness buffer (kV^2) + - ε: float, robustness buffer (kV^2) - v_sub: float, fixed squared voltage magnitude at substation (kV^2) + - β: float, weight for slack variable - sel: nested convex body chasing object (e.g., CBCProjection) + - δ: float, weight of noise term in CBC norm when learning eta + - set to 0 if eta is known - ctrl_nodes: list of int, nodes that we can control voltages for - pbar: optional tqdm, progress bar + - log: optional log output - volt_plot: VoltPlot - volt_plot_update: int, time steps between updating volt_plot - - save_Xhat_every: int, time steps between saving estiamted Xhat model + - save_params_every: int, time steps between saving estimated model params Returns - vs: np.array, shape [T, n] - qcs: np.array, shape [T, n] - - dists: dict, keys ['t', 'true', 'prev'], values are lists + - dists: dict, keys ['t', '*_true', '*_prev'], values are lists - 't': list of int, time steps at which model updates occurred, - i.e., X̂(t) != X̂(t-1). X̂(t) is generated by data up to and including - v(t), q^c(t), u(t-1) - - 'true': list of float, ||X̂-X||_△ after each model update - - 'prev': list of float, ||X̂(t)-X̂(t-1)||_△ after each model update - - X_hats: dict, keys are time steps, values are np.array, shape [n, n] - - X_hats[t] is the estimated model after observing vs[t], qcs[t] + i.e., X̂(t) != X̂(t-1). X̂(t) is generated by data up to and + including v(t), q^c(t), u(t-1) + - '*_true': list of float, ‖X̂-X‖_△ after each model update + (and likewise for η and (X,η), if learning η) + - '*_prev': list of float, ‖X̂(t)-X̂(t-1)‖_△ after each model update + (and likewise for η and (X,η), if learning η) + - params: dict, keys are time step t, values the estimated model params + after observing vs[t], qcs[t]. + - if delta is None: np.array, shape [n, n] + - if delta is given: tuple of (np.ndarray, float) - check_prediction: dict, maps keys ('adaptive_linear', 'fixed_optimal_linear') to lists of prediction error (scalars) """ @@ -122,55 +132,54 @@ def robust_voltage_control( if log is None: log = tqdm() - log.write(f'||X||_△ = {np_triangle_norm(X):.2f}') + log.write(f'‖X‖_△ = {np_triangle_norm(X):.2f}') - dists: dict[str, list] = {'t': [], 'true': [], 'prev': []} + dists: dict[str, list] = {'t': [], 'X_true': [], 'X_prev': []} check_prediction: dict[str, list] = {'adaptive_linear':[], 'fixed_optimal_linear':[]} X̂_prev = None v_min, v_max = v_lims q_min, q_max = q_lims - if eta is None: - raise NotImplementedError # we currently don't support learning eta - # is_learning_eta = True - # rho = eps / (2 + 2 * np.linalg.norm(np.ones(n) * (q_max-q_min), ord=2)) - # etahat_prev = None - else: - is_learning_eta = False - rho = eps / (2 * np.linalg.norm(np.ones(n) * (q_max-q_min), ord=2)) - log.write(f'rho(eps={eps:.2f}) = {rho:.3f}') - vs = sel.v # shape [T, n], vs[t] denotes v(t) qcs = sel.q # shape [T, n], qcs[t] denotes q^c(t) # vpars = qe @ X + p @ R + v_sub # shape [T, n], vpars[t] denotes vpar(t) # assert np.array_equal(vs[0], vpars[0]) - nonlinear_vpars = np.load('nonlinear_voltage_baseline.npy') ## nonlinear modification - nonlinear_vpars = (nonlinear_vpars*12.)**2 + nonlinear_vpars = np.load('data/nonlinear_voltage_baseline.npy')[:, 1:] # nonlinear modification + nonlinear_vpars = (nonlinear_vpars * 12.)**2 assert np.array_equal(vs[0], nonlinear_vpars[0]) # we need to use `u` as the variable instead of `qc_next` in order to # make the problem DPP-convex - u = cp.Variable(n) - slack = cp.Variable(nonneg=True) + u = cp.Variable(n, name='u') + ξ = cp.Variable(nonneg=True, name='ξ') # slack variable + + q_norm_2 = np.linalg.norm(np.ones(n) * (q_max-q_min), ord=2) + if δ > 0: # learning eta + dists |= {'η': [], 'η_prev': [], 'X_η_prev': []} + etahat_prev = None + rho = ε * δ / (1 + δ * q_norm_2) + etahat = cp.Parameter(nonneg=True, name='̂η') + k = etahat + rho * (1/δ + cp.norm2(u)) + else: + rho = ε / q_norm_2 + k = eta + rho * cp.norm(u, p=2) + log.write(f'rho(ε={ε:.2f}) = {rho:.3f}') # parameters are placeholders for given values - vt = cp.Parameter((n,)) - qct = cp.Parameter((n,)) - X̂ = cp.Parameter((n, n), PSD=True) - # if eta is None: - # eta = cp.Parameter(nonneg=True) + vt = cp.Parameter(n, name='v') + qct = cp.Parameter(n, name='qc') + X̂ = cp.Parameter((n, n), PSD=True, name='X̂') qc_next = qct + u v_next = vt + u @ X̂ - k = eta + rho * cp.norm(u, p=2) obj = cp.Minimize(cp.quad_form(v_next - v_nom, Pv) + cp.quad_form(u, Pu) - + beta * slack**2) + + β * ξ**2) constraints = [ q_min <= qc_next, qc_next <= q_max, - v_min + k - slack <= v_next, v_next <= v_max - k + slack + v_min + k - ξ <= v_next, v_next <= v_max - k + ξ ] if ctrl_nodes is not None: all_nodes = np.arange(n) @@ -181,56 +190,53 @@ def robust_voltage_control( # if cp.Problem is DPP, then it can be compiled for speedup # - http://cvxpy.org/tutorial/advanced/index.html#disciplined-parametrized-programming assert prob.is_dcp(dpp=True) - # log.write(f'Robust Oracle prob is DPP?: {prob.is_dcp(dpp=True)}') + log.write(f'Robust Oracle prob is DPP?: {prob.is_dcp(dpp=True)}') if pbar is not None: log.write('pbar present') pbar.reset(total=T-1) - X_hats = {} + params: dict[int, np.ndarray | tuple[np.ndarray, float]] = {} for t in range(T-1): # t = 0, ..., T-2 # fill in Parameters - if is_learning_eta: - raise NotImplementedError - # X̂.value, eta.value = sel.select() - # update_dists(dists, t, X̂.value, X̂_prev, X, eta.value, etahat_prev) - # X̂_prev = np.array(X̂.value) # save a copy - # etahat_prev = float(eta.value) # save a copy + if δ > 0: # learning eta + X̂.value, etahat.value = sel.select(t) + update_dists(dists, t, X_info=(X̂.value, X̂_prev, X), + η_info=(etahat.value, etahat_prev, eta), δ=δ, log=log) + etahat_prev = float(etahat.value) # save a copy + if (t+1) % save_params_every == 0: + params[t] = (np.array(X̂.value), etahat_prev) else: - X̂.value = sel.select(t) ##TODO: change back to adaptive algorithm! - # X̂.value = X - satisfied, msg = sel._check_newest_obs(t, X) - if (t+1) % save_Xhat_every == 0: - X_hats[t] = np.array(X̂.value) # save a copy + X̂.value = sel.select(t) + update_dists(dists, t, X_info=(X̂.value, X̂_prev, X), log=log) + if (t+1) % save_params_every == 0: + params[t] = np.array(X̂.value) # save a copy - if not satisfied: + # satisfied, msg = sel._check_newest_obs(t, X) + # if not satisfied: # print(msg) - log.write(f't={t} linear X does not satisfy the nonlinear constraints: {msg}') - update_dists(dists, t, X̂.value, X̂_prev, X, log=log) - X̂_prev = np.array(X̂.value) # save a copy`` + # log.write(f't={t} linear X* does not satisfy the nonlinear constraints: {msg}') + + X̂_prev = np.array(X̂.value) # save a copy qct.value = qcs[t] vt.value = vs[t] - try: - prob.solve(warm_start=True, solver=cp.MOSEK, mosek_params={'MSK_IPAR_NUM_THREADS': 1}) - except cp.SolverError: - log.write(f't={t}. robust oracle: default solver failed. Trying cp.ECOS') - prob.solve(solver=cp.ECOS) - if prob.status != 'optimal': - log.write(f't={t}. robust oracle: prob.status = {prob.status}') - if 'infeasible' in prob.status: - print('infeasible') - # import pdb - # pdb.set_trace() + solve_prob(prob, log=log, name=f't={t}. robust oracle') qcs[t+1] = qc_next.value # ==== BEGINNING OF NONLINEAR MODIFICATIONS ==== # vs[t+1] = vpars[t+1] + (qc_next.value) @ X # print('linear: ', np.linalg.norm(vs[t+1])) - vs[t+1], _, _ = env.step_load_solar( - qc_next.value, load_p[:,t], load_q[:,t], gen_p[:,t], gen_q[:,t]) - vs[t+1] = (12. * vs[t+1])**2 + + net.load['p_mw'] = load_p[:,t] + net.load['q_mvar'] = load_q[:,t] + net.sgen['p_mw'] = gen_p[:,t] + net.sgen['q_mvar'] = gen_q[:,t] + qc_next.value + pp.runpp(net, algorithm='bfsw', init='dc') + vnext = net.res_bus.iloc[1:].vm_pu.to_numpy() + vs[t+1] = (12. * vnext)**2 + check_prediction['fixed_optimal_linear'].append( np.linalg.norm(vs[t+1] - (nonlinear_vpars[t+1] + qc_next.value @ X))) check_prediction['adaptive_linear'].append( @@ -239,13 +245,13 @@ def robust_voltage_control( # ==== END OF NONLINEAR MODIFICATIONS ==== sel.add_obs(t+1) - # log.write(f't = {t}, ||u||_1 = {np.linalg.norm(u.value, 1)}') + # log.write(f't = {t}, ‖u‖_1 = {np.linalg.norm(u.value, 1)}') if volt_plot is not None and (t+1) % volt_plot_update == 0: volt_plot.update(qcs=qcs[:t+2], vs=np.sqrt(vs[:t+2]), vpars=np.sqrt(nonlinear_vpars[:t+2]), - dists=(dists['t'], dists['true'])) + dists=(dists['t'], dists['X_true'])) volt_plot.show(clear_display=False) if pbar is not None: @@ -256,51 +262,7 @@ def robust_voltage_control( # update voltplot at the end of run if volt_plot is not None: volt_plot.update(qcs=qcs, vs=np.sqrt(vs), vpars=np.sqrt(nonlinear_vpars), - dists=(dists['t'], dists['true'])) + dists=(dists['t'], dists['X_true'])) volt_plot.show(clear_display=False) - return vs, qcs, dists, X_hats, check_prediction - - -def update_dists(dists: dict[str, list], t: int, Xhat: np.ndarray, - Xhat_prev: np.ndarray | None, X: np.ndarray, - log: tqdm | io.TextIOBase | None = None, - # etahat: float | None = None, etahat_prev: float | None = None - ) -> None: - """Calculates ||X̂-X||_△ and ||X̂-X̂_prev||_△. - - Args - - dists: dict, keys ['t', 'true', 'prev'], values are lists - - 't': list of int, time steps at which model updates occurred, - i.e., X̂(t) != X̂(t-1). X̂(t) is generated by data up to and including - v(t), q^c(t), u(t-1) - - 'true': list of float, ||X̂-X||_△ after each model update - - 'prev': list of float, ||X̂(t)-X̂(t-1)||_△ after each model update - - t: int, time step - - Xhat: np.array, shape [n, n] - - Xhat_prev: np.array, shape [n, n], or None - - this should generally only be None on the 1st time step - - X: np.array, shape [n, n] - """ - # here, we rely on the fact that the CBCProjection returns the existing - # variable X̂ if it doesn't need to move - if Xhat_prev is None or not np.array_equal(Xhat, Xhat_prev): - dist_true = np_triangle_norm(Xhat - X) - msg = f't = {t:6d}, ||X̂-X||_△ = {dist_true:7.3f}' - - if Xhat_prev is None: - dist_prev = 0. - else: - dist_prev = np_triangle_norm(Xhat - Xhat_prev) - msg += f', ||X̂-X̂_prev||_△ = {dist_prev:5.3f}' - # if etahat_prev is not None: - # msg += (f', etahat = {etahat:5.3f}, ' - # f'|etahat - etahat_prev| = {etahat - etahat_prev:5.3f}') - - if log is None: - log = tqdm - log.write(msg) - - dists['t'].append(t) - dists['true'].append(dist_true) - dists['prev'].append(dist_prev) + return vs, qcs, dists, params, check_prediction diff --git a/run.py b/run.py index f141593..f32e25a 100644 --- a/run.py +++ b/run.py @@ -12,8 +12,10 @@ import pandapower as pp from tqdm.auto import tqdm -from cbc.base import CBCBase, cp_triangle_norm_sq, project_into_X_set -from cbc.projection import CBCProjection +from cbc.base import ( + CBCBase, CBCConst, CBCConstWithNoise, cp_triangle_norm_sq, + project_into_X_set) +from cbc.projection import CBCProjection, CBCProjectionWithNoise from cbc.steiner import CBCSteiner from network_utils import ( create_56bus, @@ -31,8 +33,6 @@ os.environ["VECLIB_MAXIMUM_THREADS"] = "1" os.environ["NUMEXPR_NUM_THREADS"] = "1" -Constraint = cp.constraints.constraint.Constraint - # hide top and right splines on plots plt.rcParams['axes.spines.right'] = False plt.rcParams['axes.spines.top'] = False @@ -42,13 +42,13 @@ def meta_gen_X_set(norm_bound: float, X_true: np.ndarray, net: pp.pandapowerNet, known_bus_topo: int = 0, known_line_params: int = 0 - ) -> Callable[[cp.Variable], list[Constraint]]: + ) -> Callable[[cp.Variable], list[cp.Constraint]]: """Creates a function that, given a cp.Variable representing X, returns constraints that describe its uncertainty set 𝒳. Args - norm_bound: parameter c such that - ||var_X - X*||_△ <= c * ||X*||_△ + ‖var_X - X*‖_△ <= c * ‖X*‖_△ - X_true: shape [n, n], PSD - known_bus_topo: int in [0, n], n = # of buses (excluding substation), when topology is known for buses/lines in {0, ..., known_bus_topo-1} @@ -59,14 +59,14 @@ def meta_gen_X_set(norm_bound: float, X_true: np.ndarray, """ assert known_line_params <= known_bus_topo - def gen_𝒳(var_X: cp.Variable) -> list[Constraint]: + def gen_𝒳(var_X: cp.Variable) -> list[cp.Constraint]: """Returns constraints describing 𝒳, the uncertainty set for X. Constraints: (1) var_X is PSD (enforced at cp.Variable initialization) (2) var_X is entry-wise nonnegative (3) largest entry in each row/col of var_X is on the diagonal - (4) ||var_X - X*|| <= c * ||X*|| + (4) ‖var_X - X*‖_△ <= c * ‖X*‖_△ Note: Constraint (1) does NOT automatically imply (3). See, e.g., https://math.stackexchange.com/a/3331028. Also related: @@ -75,7 +75,7 @@ def gen_𝒳(var_X: cp.Variable) -> list[Constraint]: Args - var_X: cp.Variable, should already be constrained to be PSD - Returns: list of Constraint + Returns: list of cp.Constraint """ assert var_X.is_psd(), 'variable for X was not PSD-constrained' norm_sq_diff = cp_triangle_norm_sq(var_X - X_true) @@ -94,14 +94,14 @@ def gen_𝒳(var_X: cp.Variable) -> list[Constraint]: var_X, net, known_line_params, known_bus_topo) 𝒳.extend(topo_constraints) - tqdm.write('𝒳 = {X: ||X̂-X||_△ <= ' + f'{norm_bound * norm_X}' + '}') + tqdm.write('𝒳 = {X: ‖X̂-X‖_△ <= ' + f'{norm_bound * norm_X}' + '}') return 𝒳 return gen_𝒳 -def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, +def run(ε: float, q_max: float, cbc_alg: str, eta: float, norm_bound: float, norm_bound_init: float | None = None, - noise: float = 0, modify: str | None = None, + noise: float = 0, modify: str | None = None, δ: float = 0., obs_nodes: Sequence[int] | None = None, ctrl_nodes: Sequence[int] | None = None, known_bus_topo: int = 0, known_line_params: int = 0, @@ -111,17 +111,20 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, tag: str = '') -> str: """ Args - - epsilon: float, robustness + - ε: float, robustness - q_max: float, maximum reactive power injection - cbc_alg: str, one of ['const', 'proj', 'steiner'] - - eta: float, maximum ||w||∞ + - eta: float, maximum ‖w‖∞ - norm_bound: float, size of uncertainty set - norm_bound_init: float or None, norm of uncertainty set from which X_init is sampled - noise: float, network impedances modified by fraction Uniform(±noise) - modify: str, how to modify network, one of [None, 'perm', 'linear', 'rand'] - - obs_nodes: list of int, nodes that we can observe voltages for - - ctrl_nodes: list of int, nodes that we can control voltages for + - δ: float, weight of noise term in CBC norm when learning eta + - obs_nodes: list of int, nodes that we can observe voltages for, + set to None if we observe all voltages + - ctrl_nodes: list of int, nodes that we can control voltages for, + set to None if we control all voltages - known_bus_topo: int in [0, n], n = # of buses (excluding substation), when topology is known for buses/lines in {0, ..., known_bus_topo-1} - known_line_params: int in [0, known_bus_topo], when line parameters @@ -136,26 +139,30 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, Returns: str, filename (without extension) """ + assert δ >= 0, 'δ must be >= 0' + if savedir != '': os.makedirs(savedir, exist_ok=True) tz = dt.timezone(dt.timedelta(hours=-8)) # PST start_time = dt.datetime.now(tz) - params: dict[str, Any] = dict( - cbc_alg=cbc_alg, q_max=q_max, epsilon=epsilon, eta=eta, - obs_nodes=obs_nodes, ctrl_nodes=ctrl_nodes, + config: dict[str, Any] = dict( + cbc_alg=cbc_alg, q_max=q_max, ε=ε, eta=eta, δ=δ, + obs_nodes=obs_nodes, ctrl_nodes=ctrl_nodes, seed=seed, known_bus_topo=known_bus_topo, known_line_params=known_line_params) filename = os.path.join(savedir, f'CBC{cbc_alg}') + if δ > 0: + filename += f'_δ{δ}_η{eta}' + # read in data if noise > 0 or modify is not None: - params.update(seed=seed, norm_bound=norm_bound, - norm_bound_init=norm_bound_init) + config.update(norm_bound=norm_bound, norm_bound_init=norm_bound_init) if noise > 0: - params.update(noise=noise) + config.update(noise=noise) filename += f'_noise{noise}' if modify is not None: - params.update(modify=modify) + config.update(modify=modify) filename += f'_{modify}' if norm_bound_init is not None: filename += f'_norminit{norm_bound_init}' @@ -174,16 +181,16 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, vpars = qe @ X + p @ R + v_sub # shape [T, n] Vpar_min = np.min(vpars, axis=0) # shape [n] Vpar_max = np.max(vpars, axis=0) # shape [n] + Vpar = (Vpar_min, Vpar_max) Pv = 0.1 Pu = 10 - # weights on slack variables: alpha for CBC, beta for robust oracle - alpha = 1000 - beta = 100 + # weights on slack variables: alpha for CBC, β for robust oracle + alpha = 1000 # only used when not learning eta, set to 0 to turn off slack variable + β = 100 - params.update( - v_min=v_min, v_max=v_max, v_nom=v_nom, Pv=Pv, Pu=Pu, beta=beta) + config.update(v_min=v_min, v_max=v_max, v_nom=v_nom, Pv=Pv, Pu=Pu, β=β) # ==== end of FIXED PARAMETERS ==== filename += tag @@ -192,6 +199,7 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, log = tqdm else: log = wrap_write_newlines(open(f'{filename}.log', 'w')) + print(f'filename: {filename}') log.write(f'filename: {filename}') start = 0 # starting time step @@ -212,26 +220,39 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, X_init = var_X.value gen_X_set = meta_gen_X_set( - norm_bound=norm_bound, X_true=X, net=net, - known_bus_topo=known_bus_topo, known_line_params=known_line_params) + norm_bound=norm_bound, X_true=X, net=net, + known_bus_topo=known_bus_topo, known_line_params=known_line_params) + sel: CBCBase if cbc_alg == 'const': - sel = CBCBase(n=n, T=T, X_init=X_init, v=vpars[start], - gen_X_set=gen_X_set, X_true=X, obs_nodes=obs_nodes, - log=log) + if δ == 0: + sel = CBCConst( + n=n, T=T, X_init=X_init, v=vpars[start], + gen_X_set=gen_X_set, X_true=X, obs_nodes=obs_nodes, log=log) + else: + sel = CBCConstWithNoise( + n=n, T=T, X_init=X_init, v=vpars[start], + gen_X_set=gen_X_set, X_true=X, obs_nodes=obs_nodes, log=log) elif cbc_alg == 'proj': - params.update(alpha=alpha, nsamples=nsamples) - sel = CBCProjection( - eta=eta, n=n, T=T-start, nsamples=nsamples, alpha=alpha, - v=vpars[start], gen_X_set=gen_X_set, Vpar=(Vpar_min, Vpar_max), - X_init=X_init, X_true=X, obs_nodes=obs_nodes, log=log, seed=seed) - save_dict.update(w_inds=sel.w_inds, vpar_inds=sel.vpar_inds) + config.update(alpha=alpha, nsamples=nsamples) + if δ == 0: + sel = CBCProjection( + n=n, T=T-start, X_init=X_init, v=vpars[start], + gen_X_set=gen_X_set, eta=eta, nsamples=nsamples, alpha=alpha, + Vpar=Vpar, X_true=X, obs_nodes=obs_nodes, log=log, seed=seed) + else: + sel = CBCProjectionWithNoise( + n=n, T=T-start, X_init=X_init, v=vpars[start], + gen_X_set=gen_X_set, eta=eta, nsamples=nsamples, δ=δ, + Vpar=Vpar, X_true=X, obs_nodes=obs_nodes, log=log, seed=seed) + # save_dict.update(w_inds=sel.w_inds, vpar_inds=sel.vpar_inds) elif cbc_alg == 'steiner': + assert δ == 0 dim = n * (n+1) // 2 - params.update(nsamples=nsamples, nsamples_steiner=dim) + config.update(nsamples=nsamples, nsamples_steiner=dim) sel = CBCSteiner( eta=eta, n=n, T=T-start, nsamples=nsamples, nsamples_steiner=dim, - v=vpars[start], gen_X_set=gen_X_set, Vpar=(Vpar_min, Vpar_max), + v=vpars[start], gen_X_set=gen_X_set, Vpar=Vpar, X_init=X_init, X_true=X, obs_nodes=obs_nodes, log=log, seed=seed) else: raise ValueError('unknown cbc_alg') @@ -240,11 +261,11 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, v_lims=(np.sqrt(v_min), np.sqrt(v_max)), q_lims=(-q_max, q_max)) - vs, qcs, dists, X_hats = robust_voltage_control( + vs, qcs, dists, params = robust_voltage_control( p=p[start:T], qe=qe[start:T], v_lims=(v_min, v_max), q_lims=(-q_max, q_max), v_nom=v_nom, X=X, R=R, Pv=Pv * np.eye(n), Pu=Pu * np.eye(n), - eta=eta, eps=epsilon, v_sub=v_sub, beta=beta, sel=sel, + eta=eta, ε=ε, v_sub=v_sub, β=β, sel=sel, δ=δ, ctrl_nodes=ctrl_nodes, pbar=pbar, log=log, volt_plot=volt_plot if is_interactive else None) @@ -253,14 +274,14 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, # save data with open(f'{filename}.pkl', 'wb') as f: pickle.dump(file=f, obj=dict( - vs=vs, qcs=qcs, dists=dists, X_hats=X_hats, params=params, + vs=vs, qcs=qcs, dists=dists, params=params, config=config, elapsed=elapsed, **save_dict)) # plot and save figure volt_plot.update(qcs=qcs, vs=np.sqrt(vs), vpars=np.sqrt(vpars), - dists=(dists['t'], dists['true'])) + dists=(dists['t'], dists['X_true'])) volt_plot.fig.savefig(f'{filename}.svg', pad_inches=0, bbox_inches='tight') volt_plot.fig.savefig(f'{filename}.pdf', pad_inches=0, bbox_inches='tight') @@ -280,27 +301,71 @@ def new_write(s): if __name__ == '__main__': + savedir = 'out' # all_nodes = np.arange(55) - # exclude = np.array([9, 19, 22, 31, 40, 46, 55]) - 2 + # exclude = np.array([8, 18, 21, 30, 39, 45, 54]) - 1 # obs_nodes = np.setdiff1d(all_nodes, exclude).tolist() obs_nodes = None for seed in [8, 9, 10, 11]: # for norm_bound=1.0, noise=1.0 # for seed in [55, 56, 57, 58]: # for norm_bound=0.5, noise=0.5 run( - epsilon=0.1, + ε=0.1, q_max=0.24, cbc_alg='proj', # 'proj', - eta=8.65, + eta=10, norm_bound=1.0, norm_bound_init=None, noise=1.0, modify='perm', + δ=500, obs_nodes=obs_nodes, ctrl_nodes=obs_nodes, - known_line_params=0, + known_line_params=14, known_bus_topo=14, seed=seed, pbar=tqdm(), is_interactive=False, - savedir='out', - tag='_knowntopo14') # choose from ['', '_partialobs', '_partialctrl', '_knowntopoX', '_knownlinesX'] + savedir=savedir, + tag='_knownlines14') # choose from ['', '_partialobs', '_partialctrl', '_knowntopoX', '_knownlinesX'] + + # fixed X*, known eta + # run( + # ε=0.1, + # q_max=0.24, + # cbc_alg='const', + # eta=8.65, + # norm_bound=0., + # norm_bound_init=None, + # noise=0, + # modify=None, + # δ=0, + # obs_nodes=None, + # ctrl_nodes=None, + # known_line_params=0, + # known_bus_topo=0, + # seed=None, + # pbar=tqdm(), + # is_interactive=False, + # savedir=savedir, + # tag='') + + # fixed X*, unknown eta + # run( + # ε=0.1, + # q_max=0.24, + # cbc_alg='const', + # eta=10, + # norm_bound=0., + # norm_bound_init=None, + # noise=0, + # modify=None, + # δ=20, + # obs_nodes=None, + # ctrl_nodes=None, + # known_line_params=0, + # known_bus_topo=0, + # seed=None, + # pbar=tqdm(), + # is_interactive=False, + # savedir=savedir, + # tag='') \ No newline at end of file diff --git a/run_nonlinear.py b/run_nonlinear.py index 1fb6339..bf4f52e 100644 --- a/run_nonlinear.py +++ b/run_nonlinear.py @@ -9,20 +9,23 @@ import cvxpy as cp import matplotlib.pyplot as plt import numpy as np +import pandapower as pp from tqdm.auto import tqdm -from cbc.base import CBCBase, cp_triangle_norm_sq, project_into_X_set -from cbc.projection import CBCProjection +from cbc.base import ( + CBCBase, CBCConst, CBCConstWithNoise, cp_triangle_norm_sq, + project_into_X_set) +from cbc.projection import CBCProjection, CBCProjectionWithNoise from cbc.steiner import CBCSteiner from network_utils import ( create_56bus, create_RX_from_net, + known_topology_constraints, np_triangle_norm, read_load_data) from robust_voltage_control_nonlinear import ( VoltPlot, robust_voltage_control) -from nonlinear_simulation import VoltageCtrl_nonlinear os.environ["OMP_NUM_THREADS"] = "1" os.environ["OPENBLAS_NUM_THREADS"] = "1" @@ -30,42 +33,49 @@ os.environ["VECLIB_MAXIMUM_THREADS"] = "1" os.environ["NUMEXPR_NUM_THREADS"] = "1" -Constraint = cp.constraints.constraint.Constraint - # hide top and right splines on plots plt.rcParams['axes.spines.right'] = False plt.rcParams['axes.spines.top'] = False -def meta_gen_X_set(norm_bound: float, X_true: np.ndarray - ) -> Callable[[cp.Variable], list[Constraint]]: - """Creates a function that, given a cp.Variable respresenting X, +def meta_gen_X_set(norm_bound: float, X_true: np.ndarray, + net: pp.pandapowerNet, + known_bus_topo: int = 0, + known_line_params: int = 0 + ) -> Callable[[cp.Variable], list[cp.Constraint]]: + """Creates a function that, given a cp.Variable representing X, returns constraints that describe its uncertainty set 𝒳. Args - - norm_bound: float, parameter c such that - ||var_X - X*||_△ <= c * ||X*||_△ - - X_true: np.ndarray, PSD matrix of shape [n, n] + - norm_bound: parameter c such that + ‖var_X - X*‖_△ <= c * ‖X*‖_△ + - X_true: shape [n, n], PSD + - known_bus_topo: int in [0, n], n = # of buses (excluding substation), + when topology is known for buses/lines in {0, ..., known_bus_topo-1} + - known_line_params: int in [0, known_bus_topo], when line parameters + (little x_{ij}) are known ∀ i,j in {0, ..., known_line_params-1} Returns: function """ - def gen_𝒳(var_X: cp.Variable) -> list[Constraint]: + assert known_line_params <= known_bus_topo + + def gen_𝒳(var_X: cp.Variable) -> list[cp.Constraint]: """Returns constraints describing 𝒳, the uncertainty set for X. Constraints: - (1) var_X is PSD (enforced at cp.Variable intialization) + (1) var_X is PSD (enforced at cp.Variable initialization) (2) var_X is entry-wise nonnegative (3) largest entry in each row/col of var_X is on the diagonal - (4) ||var_X - X*|| <= c * ||X*|| + (4) ‖var_X - X*‖_△ <= c * ‖X*‖_△ Note: Constraint (1) does NOT automatically imply (3). See, e.g., https://math.stackexchange.com/a/3331028. Also related: https://math.stackexchange.com/a/1382954. Args - - var_X: cp.Variable, should already be constrainted to be PSD + - var_X: cp.Variable, should already be constrained to be PSD - Returns: list of Constraint + Returns: list of cp.Constraint """ assert var_X.is_psd(), 'variable for X was not PSD-constrained' norm_sq_diff = cp_triangle_norm_sq(var_X - X_true) @@ -75,33 +85,50 @@ def gen_𝒳(var_X: cp.Variable) -> list[Constraint]: var_X <= cp.diag(var_X)[:, None], # diag has largest entry per row/col norm_sq_diff <= (norm_bound * norm_X)**2 ] - tqdm.write('𝒳 = {X: ||X̂-X||_△ <= ' + f'{norm_bound * norm_X}' + '}') + if known_line_params > 0: + 𝒳.append( + var_X[:known_line_params, :known_line_params] + == X_true[:known_line_params, :known_line_params]) + if known_bus_topo > known_line_params: + topo_constraints = known_topology_constraints( + var_X, net, known_line_params, known_bus_topo) + 𝒳.extend(topo_constraints) + + tqdm.write('𝒳 = {X: ‖X̂-X‖_△ <= ' + f'{norm_bound * norm_X}' + '}') return 𝒳 return gen_𝒳 -def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, +def run(ε: float, q_max: float, cbc_alg: str, eta: float, norm_bound: float, norm_bound_init: float | None = None, - noise: float = 0, modify: str | None = None, + noise: float = 0, modify: str | None = None, δ: float = 0., obs_nodes: Sequence[int] | None = None, ctrl_nodes: Sequence[int] | None = None, + known_bus_topo: int = 0, known_line_params: int = 0, nsamples: int = 100, seed: int = 123, is_interactive: bool = False, savedir: str = '', pbar: tqdm | None = None, tag: str = '') -> str: """ Args - - epsilon: float, robustness + - ε: float, robustness - q_max: float, maximum reactive power injection - cbc_alg: str, one of ['const', 'proj', 'steiner'] - - eta: float, maximum ||w||∞ + - eta: float, maximum ‖w‖∞ - norm_bound: float, size of uncertainty set - norm_bound_init: float or None, norm of uncertainty set from which X_init is sampled - noise: float, network impedances modified by fraction Uniform(±noise) - modify: str, how to modify network, one of [None, 'perm', 'linear', 'rand'] - - obs_nodes: list of int, nodes that we can observe voltages for - - ctrl_nodes: list of int, nodes that we can control voltages for + - δ: float, weight of noise term in CBC norm when learning eta + - obs_nodes: list of int, nodes that we can observe voltages for, + set to None if we observe all voltages + - ctrl_nodes: list of int, nodes that we can control voltages for, + set to None if we control all voltages + - known_bus_topo: int in [0, n], n = # of buses (excluding substation), + when topology is known for buses/lines in {0, ..., known_bus_topo-1} + - known_line_params: int in [0, known_bus_topo], when line parameters + (little x_{ij}) are known ∀ i,j in {0, ..., known_line_params-1} - nsamples: int, # of samples to use for computing consistent set, only used when cbc_alg is 'proj' or 'steiner' - seed: int, random seed @@ -112,24 +139,30 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, Returns: str, filename (without extension) """ + assert δ >= 0, 'δ must be >= 0' + if savedir != '': os.makedirs(savedir, exist_ok=True) tz = dt.timezone(dt.timedelta(hours=-8)) # PST start_time = dt.datetime.now(tz) - params: dict[str, Any] = dict( - cbc_alg=cbc_alg, q_max=q_max, epsilon=epsilon, eta=eta, - obs_nodes=obs_nodes) + config: dict[str, Any] = dict( + cbc_alg=cbc_alg, q_max=q_max, ε=ε, eta=eta, δ=δ, + obs_nodes=obs_nodes, ctrl_nodes=ctrl_nodes, seed=seed, + known_bus_topo=known_bus_topo, known_line_params=known_line_params) filename = os.path.join(savedir, f'CBC{cbc_alg}') + if δ > 0: + filename += f'_δ{δ}_η{eta}' + # read in data if noise > 0 or modify is not None: - params.update(seed=seed, norm_bound=norm_bound, norm_bound_init=norm_bound_init) + config.update(norm_bound=norm_bound, norm_bound_init=norm_bound_init) if noise > 0: - params.update(noise=noise) + config.update(noise=noise) filename += f'_noise{noise}' if modify is not None: - params.update(modify=modify) + config.update(modify=modify) filename += f'_{modify}' if norm_bound_init is not None: filename += f'_norminit{norm_bound_init}' @@ -145,19 +178,14 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, v_nom = 12**2 # nominal squared voltage magnitude, units kV^2 v_sub = v_nom # fixed squared voltage magnitude at substation, units kV^2 - vpars = qe @ X + p @ R + v_sub # shape [T, n] - Vpar_min = np.min(vpars, axis=0) # shape [n] - Vpar_max = np.max(vpars, axis=0) # shape [n] - Pv = 0.1 Pu = 10 - # weights on slack variables: alpha for CBC, beta for robust oracle - alpha = 1000 - beta = 100 + # weights on slack variables: alpha for CBC, β for robust oracle + alpha = 1000 # only used when not learning eta, set to 0 to turn off slack variable + β = 100 - params.update( - v_min=v_min, v_max=v_max, v_nom=v_nom, Pv=Pv, Pu=Pu, beta=beta) + config.update(v_min=v_min, v_max=v_max, v_nom=v_nom, Pv=Pv, Pu=Pu, β=β) # ==== end of FIXED PARAMETERS ==== filename += tag @@ -166,50 +194,69 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, log = tqdm else: log = wrap_write_newlines(open(f'{filename}.log', 'w')) + print(f'filename: {filename}') log.write(f'filename: {filename}') # ==== NONLINEAR MODIFICATIONS ==== - # Load nonlinear v_par, which is equal to the voltage from nonlinear power flow voltage without control - nonlinear_vpar = np.load('nonlinear_voltage_baseline.npy') - nonlinear_vpars = (nonlinear_vpar*12.)**2 - nonlinear_Vpar_min = np.min(nonlinear_vpars, axis=0) -10 - nonlinear_Vpar_max = np.max(nonlinear_vpars, axis=0) +10 - - # Create nonlinear voltage simulation environment to be supplied to robust_voltage_control() - injection_bus = np.array(range(0, 55)) - env = VoltageCtrl_nonlinear(pp_net=net, vmin=v_min, vmax=v_max, v0=v_nom, injection_bus=injection_bus) + # Load nonlinear vpar (i.e., nonlinear power flow voltage without control) + vpars = np.load('data/nonlinear_voltage_baseline.npy')[:, 1:] # shape [T, n] + vpars = (vpars * 12.)**2 + vpar_min = np.min(vpars, axis=0) - 0.5 + vpar_max = np.max(vpars, axis=0) + 0.5 + Vpar = (vpar_min, vpar_max) # ==== NONLINEAR MODIFICATIONS ==== start = 0 # starting time step # randomly initialize a network matrix - _, X_init = create_RX_from_net(net, noise=noise, modify=modify, check_pd=True, seed=seed) + _, X_init = create_RX_from_net(net, noise=noise, modify=modify, + check_pd=True, seed=seed) save_dict = dict(X_init=X_init) if norm_bound_init is not None: assert norm_bound_init < norm_bound var_X = cp.Variable(X.shape, PSD=True) - init_X_set = meta_gen_X_set(norm_bound=norm_bound_init, X_true=X)(var_X) - project_into_X_set(X_init=X_init, var_X=var_X, log=log, X_set=init_X_set, X_true=X) + init_X_set = meta_gen_X_set( + norm_bound=norm_bound_init, X_true=X, net=net, + known_bus_topo=known_bus_topo, known_line_params=known_line_params + )(var_X) + project_into_X_set(X_init=X_init, var_X=var_X, log=log, + X_set=init_X_set, X_true=X) X_init = var_X.value - gen_X_set = meta_gen_X_set(norm_bound=norm_bound, X_true=X) + gen_X_set = meta_gen_X_set( + norm_bound=norm_bound, X_true=X, net=net, + known_bus_topo=known_bus_topo, known_line_params=known_line_params) + sel: CBCBase if cbc_alg == 'const': - sel = CBCBase(n=n, T=T, X_init=X_init, v=nonlinear_vpars[start], - gen_X_set=gen_X_set, X_true=X, obs_nodes=obs_nodes, log=log) + if δ == 0: + sel = CBCConst( + n=n, T=T, X_init=X_init, v=vpars[start], + gen_X_set=gen_X_set, X_true=X, obs_nodes=obs_nodes, log=log) + else: + sel = CBCConstWithNoise( + n=n, T=T, X_init=X_init, v=vpars[start], + gen_X_set=gen_X_set, X_true=X, obs_nodes=obs_nodes, log=log) elif cbc_alg == 'proj': - params.update(alpha=alpha, nsamples=nsamples) - sel = CBCProjection( - eta=eta, n=n, T=T-start, nsamples=nsamples, alpha=alpha, - v=nonlinear_vpars[start], gen_X_set=gen_X_set, Vpar=(nonlinear_Vpar_min, nonlinear_Vpar_max), - X_init=X_init, X_true=X, obs_nodes=obs_nodes, log=log, seed=seed) #TODO: change back X_init to X_init instead of X(true)! - save_dict.update(w_inds=sel.w_inds, vpar_inds=sel.vpar_inds) + config.update(alpha=alpha, nsamples=nsamples) + if δ == 0: + sel = CBCProjection( + n=n, T=T-start, X_init=X_init, v=vpars[start], + gen_X_set=gen_X_set, eta=eta, nsamples=nsamples, alpha=alpha, + Vpar=Vpar, X_true=X, obs_nodes=obs_nodes, log=log, seed=seed) + else: + sel = CBCProjectionWithNoise( + n=n, T=T-start, X_init=X_init, v=vpars[start], + gen_X_set=gen_X_set, eta=eta, nsamples=nsamples, δ=δ, + Vpar=Vpar, X_true=X, obs_nodes=obs_nodes, log=log, seed=seed) + # save_dict.update(w_inds=sel.w_inds, vpar_inds=sel.vpar_inds) elif cbc_alg == 'steiner': + assert δ == 0 dim = n * (n+1) // 2 - params.update(nsamples=nsamples, nsamples_steiner=dim) + config.update(nsamples=nsamples, nsamples_steiner=dim) sel = CBCSteiner( eta=eta, n=n, T=T-start, nsamples=nsamples, nsamples_steiner=dim, - v=nonlinear_vpars[start], gen_X_set=gen_X_set, Vpar=(nonlinear_Vpar_min, nonlinear_Vpar_max), + v=vpars[start], gen_X_set=gen_X_set, Vpar=Vpar, X_init=X_init, X_true=X, obs_nodes=obs_nodes, log=log, seed=seed) else: raise ValueError('unknown cbc_alg') @@ -218,11 +265,11 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, v_lims=(np.sqrt(v_min), np.sqrt(v_max)), q_lims=(-q_max, q_max)) - vs, qcs, dists, X_hats, check_prediction = robust_voltage_control( + vs, qcs, dists, params, check_prediction = robust_voltage_control( p=p[start:T], qe=qe[start:T], - v_lims=(v_min, v_max), q_lims=(-q_max, q_max), v_nom=v_nom, env=env, + v_lims=(v_min, v_max), q_lims=(-q_max, q_max), v_nom=v_nom, net=net, X=X, R=R, Pv=Pv * np.eye(n), Pu=Pu * np.eye(n), - eta=eta, eps=epsilon, v_sub=v_sub, beta=beta, sel=sel, + eta=eta, ε=ε, v_sub=v_sub, β=β, sel=sel, δ=δ, ctrl_nodes=ctrl_nodes, pbar=pbar, log=log, volt_plot=volt_plot if is_interactive else None) @@ -231,15 +278,14 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, # save data with open(f'{filename}.pkl', 'wb') as f: pickle.dump(file=f, obj=dict( - vs=vs, qcs=qcs, dists=dists, X_hats=X_hats, params=params, pred_error=check_prediction, + vs=vs, qcs=qcs, dists=dists, params=params, config=config, pred_error=check_prediction, elapsed=elapsed, **save_dict)) - # np.savez_compressed(f'{filename}.npz', vs=vs, qcs=qcs, dists=dists, **save_dict) # plot and save figure volt_plot.update(qcs=qcs, vs=np.sqrt(vs), - vpars=np.sqrt(nonlinear_vpars), - dists=(dists['t'], dists['true'])) + vpars=np.sqrt(vpars), + dists=(dists['t'], dists['X_true'])) volt_plot.fig.savefig(f'{filename}.svg', pad_inches=0, bbox_inches='tight') volt_plot.fig.savefig(f'{filename}.pdf', pad_inches=0, bbox_inches='tight') @@ -251,9 +297,6 @@ def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, # fig.savefig(f'{filename}_prediction.png') # fig.show() - - - if not is_interactive: log.close() return filename @@ -270,13 +313,14 @@ def new_write(s): if __name__ == '__main__': - all_nodes = np.arange(55) - # exclude = np.array([9, 19, 22, 31, 40, 46, 55]) - 2 + savedir = 'out/nonlinear' + # all_nodes = np.arange(55) + # exclude = np.array([8, 18, 21, 30, 39, 45, 54]) - 1 # obs_nodes = np.setdiff1d(all_nodes, exclude).tolist() obs_nodes = None - for seed in [8,9,10,11]: #[8, 9, 10, 11]: + for seed in [8, 9, 10, 11]: run( - epsilon=0.1, + ε=0.1, q_max=0.24, cbc_alg='proj', eta= 11.5, # 8.65, @@ -284,10 +328,55 @@ def new_write(s): norm_bound_init=None, noise=1.0, modify='perm', + δ=20, obs_nodes=obs_nodes, ctrl_nodes=obs_nodes, + known_line_params=14, + known_bus_topo=14, seed=seed, pbar=tqdm(), is_interactive=False, - savedir='out-nonlinear-full-small-extra', - tag='_fullctrl_adaptive') + savedir=savedir, + tag='_knownlines14') # choose from ['', '_partialobs', '_partialctrl', '_knowntopoX', '_knownlinesX'] + + # fixed X*, known eta + # run( + # ε=0.1, + # q_max=0.24, + # cbc_alg='const', + # eta=8.65, + # norm_bound=0., + # norm_bound_init=None, + # noise=0, + # modify=None, + # δ=0, + # obs_nodes=None, + # ctrl_nodes=None, + # known_line_params=0, + # known_bus_topo=0, + # seed=None, + # pbar=tqdm(), + # is_interactive=False, + # savedir=savedir, + # tag='') + + # fixed X*, unknown eta + # run( + # ε=0.1, + # q_max=0.24, + # cbc_alg='const', + # eta=10, + # norm_bound=0., + # norm_bound_init=None, + # noise=0, + # modify=None, + # δ=20, + # obs_nodes=None, + # ctrl_nodes=None, + # known_line_params=0, + # known_bus_topo=0, + # seed=None, + # pbar=tqdm(), + # is_interactive=False, + # savedir=savedir, + # tag='') diff --git a/run_topology.py b/run_topology.py deleted file mode 100644 index cb81db4..0000000 --- a/run_topology.py +++ /dev/null @@ -1,324 +0,0 @@ -from __future__ import annotations - -from collections.abc import Callable, Sequence -import pickle -import datetime as dt -import os -from typing import Any - -import cvxpy as cp -import matplotlib.pyplot as plt -import numpy as np -import pandapower as pp -from tqdm.auto import tqdm - -from cbc.base import CBCBase, cp_triangle_norm_sq, project_into_X_set -from cbc.projection import CBCProjection -from cbc.steiner import CBCSteiner -from network_utils import ( - create_56bus, - create_RX_from_net, - known_topology_constraints, - np_triangle_norm, - read_load_data) -from robust_voltage_control_nonlinear import ( - VoltPlot, - robust_voltage_control) -from nonlinear_simulation import VoltageCtrl_nonlinear - -os.environ["OMP_NUM_THREADS"] = "1" -os.environ["OPENBLAS_NUM_THREADS"] = "1" -os.environ["MKL_NUM_THREADS"] = "1" -os.environ["VECLIB_MAXIMUM_THREADS"] = "1" -os.environ["NUMEXPR_NUM_THREADS"] = "1" - -Constraint = cp.constraints.constraint.Constraint - -# hide top and right splines on plots -plt.rcParams['axes.spines.right'] = False -plt.rcParams['axes.spines.top'] = False - - -def meta_gen_X_set(norm_bound: float, X_true: np.ndarray, - net: pp.pandapowerNet, - known_bus_topo: int = 0, - known_line_params: int = 0 - ) -> Callable[[cp.Variable], list[Constraint]]: - """Creates a function that, given a cp.Variable representing X, - returns constraints that describe its uncertainty set 𝒳. - Args - - norm_bound: parameter c such that - ||var_X - X*||_△ <= c * ||X*||_△ - - X_true: shape [n, n], PSD - - known_bus_topo: int in [0, n], n = # of buses (excluding substation), - when topology is known for buses/lines in {0, ..., known_bus_topo-1} - - known_line_params: int in [0, known_bus_topo], when line parameters - (little x_{ij}) are known ∀ i,j in {0, ..., known_line_params-1} - Returns: function - """ - assert known_line_params <= known_bus_topo - - def gen_𝒳(var_X: cp.Variable) -> list[Constraint]: - """Returns constraints describing 𝒳, the uncertainty set for X. - Constraints: - (1) var_X is PSD (enforced at cp.Variable initialization) - (2) var_X is entry-wise nonnegative - (3) largest entry in each row/col of var_X is on the diagonal - (4) ||var_X - X*|| <= c * ||X*|| - Note: Constraint (1) does NOT automatically imply (3). See, e.g., - https://math.stackexchange.com/a/3331028. Also related: - https://math.stackexchange.com/a/1382954. - Args - - var_X: cp.Variable, should already be constrained to be PSD - Returns: list of Constraint - """ - assert var_X.is_psd(), 'variable for X was not PSD-constrained' - norm_sq_diff = cp_triangle_norm_sq(var_X - X_true) - norm_X = np_triangle_norm(X_true) - 𝒳 = [ - var_X >= 0, # entry-wise nonneg - var_X <= cp.diag(var_X)[:, None], # diag has largest entry per row/col - norm_sq_diff <= (norm_bound * norm_X)**2 - ] - if known_line_params > 0: - 𝒳.append( - var_X[:known_line_params, :known_line_params] - == X_true[:known_line_params, :known_line_params]) - if known_bus_topo > known_line_params: - topo_constraints = known_topology_constraints( - var_X, net, known_line_params, known_bus_topo) - 𝒳.extend(topo_constraints) - - tqdm.write('𝒳 = {X: ||X̂-X||_△ <= ' + f'{norm_bound * norm_X}' + '}') - return 𝒳 - return gen_𝒳 - - -def run(epsilon: float, q_max: float, cbc_alg: str, eta: float, - norm_bound: float, norm_bound_init: float | None = None, - noise: float = 0, modify: str | None = None, - obs_nodes: Sequence[int] | None = None, - ctrl_nodes: Sequence[int] | None = None, - known_bus_topo: int = 0, known_line_params: int = 0, - nsamples: int = 100, seed: int = 123, - is_interactive: bool = False, savedir: str = '', - pbar: tqdm | None = None, - tag: str = '') -> str: - """ - Args - - epsilon: float, robustness - - q_max: float, maximum reactive power injection - - cbc_alg: str, one of ['const', 'proj', 'steiner'] - - eta: float, maximum ||w||∞ - - norm_bound: float, size of uncertainty set - - norm_bound_init: float or None, norm of uncertainty set from which - X_init is sampled - - noise: float, network impedances modified by fraction Uniform(±noise) - - modify: str, how to modify network, one of [None, 'perm', 'linear', 'rand'] - - obs_nodes: list of int, nodes that we can observe voltages for - - ctrl_nodes: list of int, nodes that we can control voltages for - - known_bus_topo: int in [0, n], n = # of buses (excluding substation), - when topology is known for buses/lines in {0, ..., known_bus_topo-1} - - known_line_params: int in [0, known_bus_topo], when line parameters - (little x_{ij}) are known ∀ i,j in {0, ..., known_line_params-1} - - nsamples: int, # of samples to use for computing consistent set, - only used when cbc_alg is 'proj' or 'steiner' - - seed: int, random seed - - is_interactive: bool, whether to output to screen, or log to disk - - savedir: str, path to folder for saving outputs ('' for current dir) - - pbar: tqdm instance - - tag: str, arbitrary tag to add to filename ('' for no tag) - - Returns: str, filename (without extension) - """ - if savedir != '': - os.makedirs(savedir, exist_ok=True) - tz = dt.timezone(dt.timedelta(hours=-8)) # PST - start_time = dt.datetime.now(tz) - - params: dict[str, Any] = dict( - cbc_alg=cbc_alg, q_max=q_max, epsilon=epsilon, eta=eta, - obs_nodes=obs_nodes, ctrl_nodes=ctrl_nodes, - known_bus_topo=known_bus_topo, known_line_params=known_line_params) - filename = os.path.join(savedir, f'CBC{cbc_alg}') - - # read in data - if noise > 0 or modify is not None: - params.update(seed=seed, norm_bound=norm_bound, - norm_bound_init=norm_bound_init) - if noise > 0: - params.update(noise=noise) - filename += f'_noise{noise}' - if modify is not None: - params.update(modify=modify) - filename += f'_{modify}' - if norm_bound_init is not None: - filename += f'_norminit{norm_bound_init}' - filename += f'_norm{norm_bound}_seed{seed}' - - net = create_56bus() - R, X = create_RX_from_net(net, noise=0) # true R and X - p, qe = read_load_data() # in MW and MVar - T, n = p.shape - - # ==== FIXED PARAMETERS ==== - v_min, v_max = (11.4**2, 12.6**2) # +/-5%, units kV^2 - v_nom = 12**2 # nominal squared voltage magnitude, units kV^2 - v_sub = v_nom # fixed squared voltage magnitude at substation, units kV^2 - - vpars = qe @ X + p @ R + v_sub # shape [T, n] - Vpar_min = np.min(vpars, axis=0) # shape [n] - Vpar_max = np.max(vpars, axis=0) # shape [n] - - Pv = 0.1 - Pu = 10 - - # weights on slack variables: alpha for CBC, beta for robust oracle - alpha = 1000 - beta = 100 - - params.update( - v_min=v_min, v_max=v_max, v_nom=v_nom, Pv=Pv, Pu=Pu, beta=beta) - # ==== end of FIXED PARAMETERS ==== - - filename += tag - filename += start_time.strftime('_%Y%m%d_%H%M%S') - if is_interactive: - log = tqdm - else: - log = wrap_write_newlines(open(f'{filename}.log', 'w')) - log.write(f'filename: {filename}') - - # ==== NONLINEAR MODIFICATIONS ==== - # Load nonlinear v_par, which is equal to the voltage from nonlinear power flow voltage without control - nonlinear_vpar = np.load('nonlinear_voltage_baseline.npy') - nonlinear_vpars = (nonlinear_vpar*12.)**2 - nonlinear_Vpar_min = np.min(nonlinear_vpars, axis=0) -10 - nonlinear_Vpar_max = np.max(nonlinear_vpars, axis=0) +10 - - # Create nonlinear voltage simulation environment to be supplied to robust_voltage_control() - injection_bus = np.array(range(0, 55)) - env = VoltageCtrl_nonlinear(pp_net=net, vmin=v_min, vmax=v_max, v0=v_nom, injection_bus=injection_bus) - # ==== NONLINEAR MODIFICATIONS ==== - - start = 0 # starting time step - - # randomly initialize a network matrix - _, X_init = create_RX_from_net(net, noise=noise, modify=modify, - check_pd=True, seed=seed) - save_dict = dict(X_init=X_init) - if norm_bound_init is not None: - assert norm_bound_init < norm_bound - var_X = cp.Variable(X.shape, PSD=True) - init_X_set = meta_gen_X_set( - norm_bound=norm_bound_init, X_true=X, net=net, - known_bus_topo=known_bus_topo, known_line_params=known_line_params - )(var_X) - project_into_X_set(X_init=X_init, var_X=var_X, log=log, - X_set=init_X_set, X_true=X) - X_init = var_X.value - - gen_X_set = meta_gen_X_set( - norm_bound=norm_bound, X_true=X, net=net, - known_bus_topo=known_bus_topo, known_line_params=known_line_params) - - if cbc_alg == 'const': - sel = CBCBase(n=n, T=T, X_init=X_init, v=nonlinear_vpars[start], - gen_X_set=gen_X_set, X_true=X, obs_nodes=obs_nodes, - log=log) - elif cbc_alg == 'proj': - params.update(alpha=alpha, nsamples=nsamples) - sel = CBCProjection( - eta=eta, n=n, T=T-start, nsamples=nsamples, alpha=alpha, - v=nonlinear_vpars[start], gen_X_set=gen_X_set, Vpar=(nonlinear_Vpar_min, nonlinear_Vpar_max), - X_init=X_init, X_true=X, obs_nodes=obs_nodes, log=log, seed=seed) #TODO: change back X_init to X_init instead of X(true)! - save_dict.update(w_inds=sel.w_inds, vpar_inds=sel.vpar_inds) - elif cbc_alg == 'steiner': - dim = n * (n+1) // 2 - params.update(nsamples=nsamples, nsamples_steiner=dim) - sel = CBCSteiner( - eta=eta, n=n, T=T-start, nsamples=nsamples, nsamples_steiner=dim, - v=nonlinear_vpars[start], gen_X_set=gen_X_set, Vpar=(nonlinear_Vpar_min, nonlinear_Vpar_max), - X_init=X_init, X_true=X, obs_nodes=obs_nodes, log=log, seed=seed) - else: - raise ValueError('unknown cbc_alg') - - volt_plot = VoltPlot( - v_lims=(np.sqrt(v_min), np.sqrt(v_max)), - q_lims=(-q_max, q_max)) - - vs, qcs, dists, X_hats, check_prediction = robust_voltage_control( - p=p[start:T], qe=qe[start:T], - v_lims=(v_min, v_max), q_lims=(-q_max, q_max), v_nom=v_nom, env=env, - X=X, R=R, Pv=Pv * np.eye(n), Pu=Pu * np.eye(n), - eta=eta, eps=epsilon, v_sub=v_sub, beta=beta, sel=sel, - ctrl_nodes=ctrl_nodes, pbar=pbar, log=log, - volt_plot=volt_plot if is_interactive else None) - - elapsed = (dt.datetime.now(tz) - start_time).total_seconds() - - # save data - with open(f'{filename}.pkl', 'wb') as f: - pickle.dump(file=f, obj=dict( - vs=vs, qcs=qcs, dists=dists, X_hats=X_hats, params=params, pred_error=check_prediction, - elapsed=elapsed, **save_dict)) - # np.savez_compressed(f'{filename}.npz', vs=vs, qcs=qcs, dists=dists, **save_dict) - - # plot and save figure - volt_plot.update(qcs=qcs, - vs=np.sqrt(vs), - vpars=np.sqrt(nonlinear_vpars), - dists=(dists['t'], dists['true'])) - volt_plot.fig.savefig(f'{filename}.svg', pad_inches=0, bbox_inches='tight') - volt_plot.fig.savefig(f'{filename}.pdf', pad_inches=0, bbox_inches='tight') - - # plot and save voltage prediction error for proposed algorithm and fixed linearization - # fig, ax = plt.subplots() - # for name in check_prediction: - # ax.plot(np.arange(len(check_prediction[name])), np.cumsum(np.array(check_prediction[name])), label=name) - # ax.legend() - # fig.savefig(f'{filename}_prediction.png') - # fig.show() - - - - - if not is_interactive: - log.close() - return filename - - -def wrap_write_newlines(f: Any) -> Any: - old_write = f.write - - def new_write(s): - old_write(s + '\n') - f.flush() - f.write = new_write - return f - - -if __name__ == '__main__': - all_nodes = np.arange(55) - # exclude = np.array([9, 19, 22, 31, 40, 46, 55]) - 2 - # obs_nodes = np.setdiff1d(all_nodes, exclude).tolist() - obs_nodes = None - for seed in [11,]: #[8, 9, 10, 11]: - run( - epsilon=0.1, - q_max=0.24, - cbc_alg='proj', - eta= 12, - norm_bound=1.0, - norm_bound_init=None, - noise=1.0, - modify='perm', - obs_nodes=obs_nodes, - ctrl_nodes=obs_nodes, - known_line_params=14, - known_bus_topo=14, - seed=seed, - pbar=tqdm(), - is_interactive=False, - savedir='out-nonlinear-full-small-extra', - tag='_fullctrl_adaptive_topo14line14') diff --git a/utils.py b/utils.py new file mode 100644 index 0000000..9ddfb08 --- /dev/null +++ b/utils.py @@ -0,0 +1,34 @@ +"""Convex body chasing base class + utilities.""" +from __future__ import annotations + +import io + +import cvxpy as cp +from tqdm.auto import tqdm + + +def solve_prob(prob: cp.Problem, log: tqdm | io.TextIOBase | None = None, + name: str = '', indent: str = '') -> None: + if len(indent) > 0: + name = f'{indent} {name}' + try: + prob.solve( + solver=cp.MOSEK, + warm_start=True + # eps=0.05, # SCS convergence tolerance (1e-4) + # max_iters=300, # SCS max iterations (2500) + # abstol=0.1, # ECOS (1e-8) / CVXOPT (1e-7) absolute accuracy + # reltol=0.1 # ECOS (1e-8) / CVXOPT (1e-6) relative accuracy + ) + except cp.error.SolverError as e: + if log is not None: + log.write(f'{name} encountered SolverError {str(e)}') + log.write(f'{name} trying cp.SCS instead') + prob.solve(solver=cp.SCS) + + if prob.status != 'optimal': + if log is not None: + log.write(f'{name} prob.status = {prob.status}') + if prob.status == 'infeasible': + import pdb + pdb.set_trace()