diff --git a/README.md b/README.md index d5a3ef5..f908a37 100644 --- a/README.md +++ b/README.md @@ -4,7 +4,7 @@

Fast Grid 🏁

- High-speed Voxel Grid Calculations with Cython + High-speed Voxel Grid Calculations

@@ -66,7 +66,7 @@ calculate_grid( - Cutoff: 12.8 Å - Gas Probe Parameters: TraPPE for methane united atom model -![lj_irmof-1](./images/irmof-1_lj.png) +![lj_irmof-1](./images/lj_example.png) ### 2. Gaussian potential @@ -74,19 +74,20 @@ Calculate a voxel grid with the Gaussian function: ```python from fast_grid import calculate_grid +from ase.build import bulk +atoms = bulk("Cu", "fcc", a=3.6, cubic=True) calculate_grid( - structure="examples/irmof-1.cif", - grid_size=30, + structure=atoms, + grid_spacing=0.2, potential="Gaussian", - cutoff=12.8, gaussian_height=1.0, - gaussian_width=5.0, + gaussian_width=1.0, visualize=True, + pallete="atomic", ) ``` -- Default Cutoff: 12.8 Å -- Gaussian Parameters: Height - 1.0, Width - 5.0 +- Gaussian Parameters: Height - 1.0, Width - 1.0 -![gaussian_irmof-1](./images/irmof-1_gaussian.png) +![gaussian_irmof-1](./images/gaussian_example.png) diff --git a/fast_grid/calculate_grid.py b/fast_grid/calculate_grid.py index 330adc3..d670f0e 100644 --- a/fast_grid/calculate_grid.py +++ b/fast_grid/calculate_grid.py @@ -7,9 +7,10 @@ import numpy as np from ase import Atoms from ase.io import read +import MDAnalysis as mda from fast_grid.ff import get_mixing_epsilon_sigma -from fast_grid.libs import lj_potential_cython, gaussian_cython +from fast_grid.potential import lj_potential, gaussian from fast_grid.visualize import visualize_grid warnings.filterwarnings("ignore") @@ -30,6 +31,7 @@ def calculate_grid( float16: bool = False, emax: float = 5000.0, emin: float = -5000.0, + pallete: str = "RdBu", return_dict: bool = False, ) -> np.array: """Calculate the energy grid for a given structure and force field. @@ -54,6 +56,7 @@ def calculate_grid( :param float16: use float16 to save memory, defaults to False :param emax: clip energy values for better visualization, defaults to 5000.0 :param emin: clip energy values for better visualization, defaults to -5000.0 + :param pallete: color pallete for visualization, defaults to "RdBu" :param return_dict: return a dictionary of outputs, defaults to False :return: energy grid """ @@ -68,16 +71,24 @@ def calculate_grid( else: raise TypeError("structure must be an ase Atoms object or a cif file path") - # make supercell when distance between planes is less than cutoff * 2 - cell_volume = atoms.get_volume() - cell_vectors = np.array(atoms.cell) - dist_a = cell_volume / np.linalg.norm(np.cross(cell_vectors[1], cell_vectors[2])) - dist_b = cell_volume / np.linalg.norm(np.cross(cell_vectors[2], cell_vectors[0])) - dist_c = cell_volume / np.linalg.norm(np.cross(cell_vectors[0], cell_vectors[1])) - plane_distances = np.array([dist_a, dist_b, dist_c]) - supercell = np.ceil(2 * cutoff / plane_distances).astype(int) - atoms = atoms.repeat(supercell) # make supercell - + if potential.lower() == "lj": + # make supercell when distance between planes is less than cutoff * 2 + cell_volume = atoms.get_volume() + cell_vectors = np.array(atoms.cell) + dist_a = cell_volume / np.linalg.norm( + np.cross(cell_vectors[1], cell_vectors[2]) + ) + dist_b = cell_volume / np.linalg.norm( + np.cross(cell_vectors[2], cell_vectors[0]) + ) + dist_c = cell_volume / np.linalg.norm( + np.cross(cell_vectors[0], cell_vectors[1]) + ) + plane_distances = np.array([dist_a, dist_b, dist_c]) + supercell = np.ceil(2 * cutoff / plane_distances).astype(int) + atoms = atoms.repeat(supercell) # make supercell + else: + supercell = np.array((1, 1, 1)) cell_vectors = np.array(atoms.cell) # redefine cell_vectors after supercell # get position for grid @@ -99,6 +110,11 @@ def calculate_grid( # get positions for atoms pos_atoms = atoms.get_positions() # (N, 3) + # distance matrix + dist_matrix = mda.lib.distances.distance_array( + pos_grid, pos_atoms, box=atoms.cell.cellpar() + ) # (G, N) + # setting force field symbols = atoms.get_chemical_symbols() epsilon, sigma = get_mixing_epsilon_sigma( @@ -107,23 +123,10 @@ def calculate_grid( # calculate energy if potential.lower() == "lj": - calculated_grid = lj_potential_cython( - pos_grid, - pos_atoms, - cell_vectors, - epsilon, - sigma, - cutoff, - ) # (G,) + calculated_grid = lj_potential(dist_matrix, epsilon, sigma, cutoff) # (G,) + elif potential.lower() == "gaussian": - calculated_grid = gaussian_cython( - pos_grid, - pos_atoms, - cell_vectors, - gaussian_height, - gaussian_width, - cutoff, - ) # (G,) + calculated_grid = gaussian(dist_matrix, gaussian_height, gaussian_width) # (G,) else: raise NotImplementedError(f"{potential} should be one of ['LJ', 'Gaussian']") @@ -138,7 +141,15 @@ def calculate_grid( if visualize: print(f"Visualizing energy grid | supercell {supercell}...") - visualize_grid(pos_grid, pos_atoms, calculated_grid, emax, emin) + visualize_grid( + pos_grid, + atoms, + calculated_grid, + dist_matrix, + emax, + emin, + pallete, + ) if return_dict: return { @@ -146,6 +157,7 @@ def calculate_grid( "supercell": supercell, "pos_grid": pos_grid, "calculated_grid": calculated_grid, + "dist_matrix": dist_matrix, } return calculated_grid diff --git a/fast_grid/libs/__init__.py b/fast_grid/libs/__init__.py deleted file mode 100644 index 851de79..0000000 --- a/fast_grid/libs/__init__.py +++ /dev/null @@ -1,8 +0,0 @@ -from .distance_matrix import distance_matrix_triclinic_cython -from .potential import lj_potential_cython, gaussian_cython - -__all__ = [ - "distance_matrix_triclinic_cython", - "lj_potential_cython", - "gaussian_cython", -] diff --git a/fast_grid/libs/distance_matrix.pyx b/fast_grid/libs/distance_matrix.pyx deleted file mode 100644 index 10d0947..0000000 --- a/fast_grid/libs/distance_matrix.pyx +++ /dev/null @@ -1,57 +0,0 @@ -# cython: language_level=3 -# cython: boundscheck=False, wraparound=False, cdivision=True - -import cython -from cython.parallel import prange -import numpy as np -cimport numpy as np -from libc.math cimport sqrt - - -def distance_matrix_triclinic_cython(np.ndarray[np.float64_t, ndim=2] pos1, - np.ndarray[np.float64_t, ndim=2] pos2, - np.ndarray[np.float64_t, ndim=2] box): - cdef int i, j - cdef int n = pos1.shape[0] - cdef int m = pos2.shape[0] - cdef double r2 - - cdef int ix, iy, iz - cdef float rx, ry0, ry1, rz0, rz1, rz2, dsq - cdef float dsq_min = np.finfo(np.float64).max - - cdef np.ndarray[np.float64_t, ndim=2] distances = np.zeros((n, m), dtype=np.float64) - cdef np.ndarray[np.float64_t, ndim=1] diff = np.zeros(3, dtype=np.float64) - cdef np.ndarray[np.float64_t, ndim=1] dx_min = np.zeros(3, dtype=np.float64) - - for i in prange(n, nogil=True): - for j in range(m): - diff[0] = pos2[j, 0] - pos1[i, 0] - diff[1] = pos2[j, 1] - pos1[i, 1] - diff[2] = pos2[j, 2] - pos1[i, 2] - - dsq_min = 10000. - dx_min[0] = 0 - dx_min[1] = 0 - dx_min[2] = 0 - - for ix in range(-1, 2): - rx = diff[0] + box[0, 0] * ix - for iy in range(-1, 2): - ry0 = rx + box[1, 0] * iy - ry1 = diff[1] + box[1, 1] * iy - for iz in range(-1, 2): - rz0 = ry0 + box[2, 0] * iz - rz1 = ry1 + box[2, 1] * iz - rz2 = diff[2] + box[2, 2] * iz - dsq = rz0 * rz0 + rz1 * rz1 + rz2 * rz2 - if dsq < dsq_min: - dsq_min = dsq - dx_min[0] = rz0 - dx_min[1] = rz1 - dx_min[2] = rz2 - - r2 = dx_min[0] * dx_min[0] + dx_min[1] * dx_min[1] + dx_min[2] * dx_min[2] - distances[i, j] = sqrt(r2) - - return distances \ No newline at end of file diff --git a/fast_grid/libs/potential.pyx b/fast_grid/libs/potential.pyx deleted file mode 100644 index 89cc3be..0000000 --- a/fast_grid/libs/potential.pyx +++ /dev/null @@ -1,139 +0,0 @@ -# cython: language_level=3 -# cython: boundscheck=False, wraparound=False, cdivision=True - -import cython -from cython.parallel import prange -import numpy as np -cimport numpy as np -from libc.math cimport exp - - -def lj_potential_cython(np.ndarray[np.float64_t, ndim=2] pos1, - np.ndarray[np.float64_t, ndim=2] pos2, - np.ndarray[np.float64_t, ndim=2] box, - np.ndarray[np.float64_t, ndim=1] epsilon, - np.ndarray[np.float64_t, ndim=1] sigma, - float cutoff): - cdef int i, j - cdef int n = pos1.shape[0] - cdef int m = pos2.shape[0] - cdef double r2, lj6, lj12, inv_r2, inv_r6, inv_r12, e, s, s6, s12, energy - cdef double threshold = 1e-10 - cdef double cutoff_squared = cutoff * cutoff - - cdef int ix, iy, iz - cdef float rx, ry0, ry1, rz0, rz1, rz2, dsq - cdef float dsq_min = np.finfo(np.float64).max - cdef np.ndarray[np.float64_t, ndim=1] dx_min = np.zeros(3, dtype=np.float64) - - cdef np.ndarray[np.float64_t, ndim=1] energy_grid = np.zeros((n), dtype=np.float64) - cdef np.ndarray[np.float64_t, ndim=1] diff = np.zeros(3, dtype=np.float64) - - for i in prange(n, nogil=True): - energy = 0.0 - for j in range(m): - diff[0] = pos2[j, 0] - pos1[i, 0] - diff[1] = pos2[j, 1] - pos1[i, 1] - diff[2] = pos2[j, 2] - pos1[i, 2] - - dsq_min = 10000. - dx_min[0] = 0 - dx_min[1] = 0 - dx_min[2] = 0 - - # minimum_image_triclinic - for ix in range(-1, 2): - rx = diff[0] + box[0, 0] * ix - for iy in range(-1, 2): - ry0 = rx + box[1, 0] * iy - ry1 = diff[1] + box[1, 1] * iy - for iz in range(-1, 2): - rz0 = ry0 + box[2, 0] * iz - rz1 = ry1 + box[2, 1] * iz - rz2 = diff[2] + box[2, 2] * iz - dsq = rz0 * rz0 + rz1 * rz1 + rz2 * rz2 - if dsq < dsq_min: - dsq_min = dsq - dx_min[0] = rz0 - dx_min[1] = rz1 - dx_min[2] = rz2 - - r2 = dx_min[0] * dx_min[0] + dx_min[1] * dx_min[1] + dx_min[2] * dx_min[2] - - if r2 < cutoff_squared and r2 > threshold: - e = epsilon[j] - s = sigma[j] - s6 = s * s * s * s * s * s - s12 = s6 * s6 - lj6 = 4 * e * s6 - lj12 = 4 * e * s12 - inv_r2 = 1.0 / r2 - inv_r6 = inv_r2 * inv_r2 * inv_r2 - inv_r12 = inv_r6 * inv_r6 - - energy += (lj12 * inv_r12) - (lj6 * inv_r6) - - energy_grid[i] += energy - - return energy_grid - - -def gaussian_cython(np.ndarray[np.float64_t, ndim=2] pos1, - np.ndarray[np.float64_t, ndim=2] pos2, - np.ndarray[np.float64_t, ndim=2] box, - float height, - float width, - float cutoff): - cdef int i, j - cdef int n = pos1.shape[0] - cdef int m = pos2.shape[0] - cdef double r2, energy - cdef double threshold = 1e-10 - cdef double width_squared = width * width - cdef double cutoff_squared = cutoff * cutoff - - cdef int ix, iy, iz - cdef float rx, ry0, ry1, rz0, rz1, rz2, dsq - cdef float dsq_min = np.finfo(np.float64).max - cdef np.ndarray[np.float64_t, ndim=1] dx_min = np.zeros(3, dtype=np.float64) - - cdef np.ndarray[np.float64_t, ndim=1] energy_grid = np.zeros((n), dtype=np.float64) - cdef np.ndarray[np.float64_t, ndim=1] diff = np.zeros(3, dtype=np.float64) - - for i in prange(n, nogil=True): - energy = 0.0 - for j in range(m): - diff[0] = pos2[j, 0] - pos1[i, 0] - diff[1] = pos2[j, 1] - pos1[i, 1] - diff[2] = pos2[j, 2] - pos1[i, 2] - - dsq_min = 10000. - dx_min[0] = 0 - dx_min[1] = 0 - dx_min[2] = 0 - - # minimum_image_triclinic - for ix in range(-1, 2): - rx = diff[0] + box[0, 0] * ix - for iy in range(-1, 2): - ry0 = rx + box[1, 0] * iy - ry1 = diff[1] + box[1, 1] * iy - for iz in range(-1, 2): - rz0 = ry0 + box[2, 0] * iz - rz1 = ry1 + box[2, 1] * iz - rz2 = diff[2] + box[2, 2] * iz - dsq = rz0 * rz0 + rz1 * rz1 + rz2 * rz2 - if dsq < dsq_min: - dsq_min = dsq - dx_min[0] = rz0 - dx_min[1] = rz1 - dx_min[2] = rz2 - - r2 = dx_min[0] * dx_min[0] + dx_min[1] * dx_min[1] + dx_min[2] * dx_min[2] - - if r2 < cutoff_squared and r2 > threshold: - energy += height * exp(-1 * r2 / width_squared) - - energy_grid[i] += energy - - return energy_grid \ No newline at end of file diff --git a/fast_grid/potential.py b/fast_grid/potential.py index b216cab..4b55a08 100644 --- a/fast_grid/potential.py +++ b/fast_grid/potential.py @@ -3,7 +3,7 @@ @jit(nopython=True) -def calculate_lj_potential(dist_matrix, epsilon, sigma, cutoff): +def lj_potential(dist_matrix, epsilon, sigma, cutoff): """ Calculate the Lennard-Jones potential energy based on distances, with a cutoff. @@ -21,12 +21,10 @@ def calculate_lj_potential(dist_matrix, epsilon, sigma, cutoff): sigma = sigma.reshape(1, -1) # Calculate the Lennard-Jones potential - lj_potential = ( - 4 * epsilon * ((sigma / dist_matrix) ** 12 - (sigma / dist_matrix) ** 6) - ) + p = 4 * epsilon * ((sigma / dist_matrix) ** 12 - (sigma / dist_matrix) ** 6) # Apply the cutoff: set energy to 0 where the distance is greater than the cutoff - energy = np.where(dist_matrix <= cutoff, lj_potential, 0.0) # (G, N) + energy = np.where(dist_matrix <= cutoff, p, 0.0) # (G, N) # Sum the energy along the N axis energy = np.sum(energy, axis=1) # (G,) @@ -35,7 +33,7 @@ def calculate_lj_potential(dist_matrix, epsilon, sigma, cutoff): @jit(nopython=True) -def calculate_gaussian(dist_matrix, height, width, cutoff): +def gaussian(dist_matrix, height, width): """ Calculate the Simplified Gaussian potential energy based on distances. @@ -45,16 +43,12 @@ def calculate_gaussian(dist_matrix, height, width, cutoff): :param dist_matrix: A distance matrix of shape (G, N). :param height: A scalar value for the Gaussian potential height or amplitude. :param width: A scalar value for the Gaussian potential width. - :param cutoff: A scalar value for the cutoff distance. :return: A NumPy array of shape (G) for the calculated grids. """ # Calculate the Gaussian potential - gaussian = height * np.exp(((dist_matrix / width) ** 2)) # (G, N) - - # Apply the cutoff: set energy to 0 where the distance is greater than the cutoff - energy = np.where(dist_matrix <= cutoff, gaussian, 0.0) # (G, N) + p = height * np.exp(-((dist_matrix / width) ** 2)) # (G, N) # Sum the energy along the N axis - energy = np.sum(energy, axis=1) # (G,) + energy = np.sum(p, axis=1) # (G,) return energy diff --git a/fast_grid/potential_old/__init__.py b/fast_grid/potential_old/__init__.py deleted file mode 100644 index 574febf..0000000 --- a/fast_grid/potential_old/__init__.py +++ /dev/null @@ -1,4 +0,0 @@ -from fast_grid.potential.lj_potential import lj_potential_cython -from fast_grid.potential.gaussian import gaussian_cython - -__all__ = ["lj_potential_cython", "gaussian_cython"] diff --git a/fast_grid/potential_old/fast_grid/potential/gaussian.cpython-310-x86_64-linux-gnu.so b/fast_grid/potential_old/fast_grid/potential/gaussian.cpython-310-x86_64-linux-gnu.so deleted file mode 100755 index 7c5e018..0000000 Binary files a/fast_grid/potential_old/fast_grid/potential/gaussian.cpython-310-x86_64-linux-gnu.so and /dev/null differ diff --git a/fast_grid/potential_old/fast_grid/potential/lj_potential.cpython-310-x86_64-linux-gnu.so b/fast_grid/potential_old/fast_grid/potential/lj_potential.cpython-310-x86_64-linux-gnu.so deleted file mode 100755 index 228aaf1..0000000 Binary files a/fast_grid/potential_old/fast_grid/potential/lj_potential.cpython-310-x86_64-linux-gnu.so and /dev/null differ diff --git a/fast_grid/potential_old/gaussian.c b/fast_grid/potential_old/gaussian.c deleted file mode 100644 index ecaa7df..0000000 --- a/fast_grid/potential_old/gaussian.c +++ /dev/null @@ -1,10666 +0,0 @@ -/* Generated by Cython 3.0.5 */ - -/* BEGIN: Cython Metadata -{ - "distutils": { - "depends": [], - "name": "fast_grid.potential.gaussian", - "sources": [ - "fast_grid/potential/gaussian.pyx" - ] - }, - "module_name": "fast_grid.potential.gaussian" -} -END: Cython Metadata */ - -#ifndef PY_SSIZE_T_CLEAN -#define PY_SSIZE_T_CLEAN -#endif /* PY_SSIZE_T_CLEAN */ -#if defined(CYTHON_LIMITED_API) && 0 - #ifndef Py_LIMITED_API - #if CYTHON_LIMITED_API+0 > 0x03030000 - #define Py_LIMITED_API CYTHON_LIMITED_API - #else - #define Py_LIMITED_API 0x03030000 - #endif - #endif -#endif - -#include "Python.h" -#ifndef Py_PYTHON_H - #error Python headers needed to compile C extensions, please install development version of Python. -#elif PY_VERSION_HEX < 0x02070000 || (0x03000000 <= PY_VERSION_HEX && PY_VERSION_HEX < 0x03030000) - #error Cython requires Python 2.7+ or Python 3.3+. -#else -#if defined(CYTHON_LIMITED_API) && CYTHON_LIMITED_API -#define __PYX_EXTRA_ABI_MODULE_NAME "limited" -#else -#define __PYX_EXTRA_ABI_MODULE_NAME "" -#endif -#define CYTHON_ABI "3_0_5" __PYX_EXTRA_ABI_MODULE_NAME -#define __PYX_ABI_MODULE_NAME "_cython_" CYTHON_ABI -#define __PYX_TYPE_MODULE_PREFIX __PYX_ABI_MODULE_NAME "." -#define CYTHON_HEX_VERSION 0x030005F0 -#define CYTHON_FUTURE_DIVISION 1 -#include -#ifndef offsetof - #define offsetof(type, member) ( (size_t) & ((type*)0) -> member ) -#endif -#if !defined(_WIN32) && !defined(WIN32) && !defined(MS_WINDOWS) - #ifndef __stdcall - #define __stdcall - #endif - #ifndef __cdecl - #define __cdecl - #endif - #ifndef __fastcall - #define __fastcall - #endif -#endif -#ifndef DL_IMPORT - #define DL_IMPORT(t) t -#endif -#ifndef DL_EXPORT - #define DL_EXPORT(t) t -#endif -#define __PYX_COMMA , -#ifndef HAVE_LONG_LONG - #define HAVE_LONG_LONG -#endif -#ifndef PY_LONG_LONG - #define PY_LONG_LONG LONG_LONG -#endif -#ifndef Py_HUGE_VAL - #define Py_HUGE_VAL HUGE_VAL -#endif -#define __PYX_LIMITED_VERSION_HEX PY_VERSION_HEX -#if defined(GRAALVM_PYTHON) - /* For very preliminary testing purposes. Most variables are set the same as PyPy. - The existence of this section does not imply that anything works or is even tested */ - #define CYTHON_COMPILING_IN_PYPY 0 - #define CYTHON_COMPILING_IN_CPYTHON 0 - #define CYTHON_COMPILING_IN_LIMITED_API 0 - #define CYTHON_COMPILING_IN_GRAAL 1 - #define CYTHON_COMPILING_IN_NOGIL 0 - #undef CYTHON_USE_TYPE_SLOTS - #define CYTHON_USE_TYPE_SLOTS 0 - #undef CYTHON_USE_TYPE_SPECS - #define CYTHON_USE_TYPE_SPECS 0 - #undef CYTHON_USE_PYTYPE_LOOKUP - #define CYTHON_USE_PYTYPE_LOOKUP 0 - #if PY_VERSION_HEX < 0x03050000 - #undef CYTHON_USE_ASYNC_SLOTS - #define CYTHON_USE_ASYNC_SLOTS 0 - #elif !defined(CYTHON_USE_ASYNC_SLOTS) - #define CYTHON_USE_ASYNC_SLOTS 1 - #endif - #undef CYTHON_USE_PYLIST_INTERNALS - #define CYTHON_USE_PYLIST_INTERNALS 0 - #undef CYTHON_USE_UNICODE_INTERNALS - #define CYTHON_USE_UNICODE_INTERNALS 0 - #undef CYTHON_USE_UNICODE_WRITER - #define CYTHON_USE_UNICODE_WRITER 0 - #undef CYTHON_USE_PYLONG_INTERNALS - #define CYTHON_USE_PYLONG_INTERNALS 0 - #undef CYTHON_AVOID_BORROWED_REFS - #define CYTHON_AVOID_BORROWED_REFS 1 - #undef CYTHON_ASSUME_SAFE_MACROS - #define CYTHON_ASSUME_SAFE_MACROS 0 - #undef CYTHON_UNPACK_METHODS - #define CYTHON_UNPACK_METHODS 0 - #undef CYTHON_FAST_THREAD_STATE - #define CYTHON_FAST_THREAD_STATE 0 - #undef CYTHON_FAST_GIL - #define CYTHON_FAST_GIL 0 - #undef CYTHON_METH_FASTCALL - #define CYTHON_METH_FASTCALL 0 - #undef CYTHON_FAST_PYCALL - #define CYTHON_FAST_PYCALL 0 - #ifndef CYTHON_PEP487_INIT_SUBCLASS - #define CYTHON_PEP487_INIT_SUBCLASS (PY_MAJOR_VERSION >= 3) - #endif - #undef CYTHON_PEP489_MULTI_PHASE_INIT - #define CYTHON_PEP489_MULTI_PHASE_INIT 1 - #undef CYTHON_USE_MODULE_STATE - #define CYTHON_USE_MODULE_STATE 0 - #undef CYTHON_USE_TP_FINALIZE - #define CYTHON_USE_TP_FINALIZE 0 - #undef CYTHON_USE_DICT_VERSIONS - #define CYTHON_USE_DICT_VERSIONS 0 - #undef CYTHON_USE_EXC_INFO_STACK - #define CYTHON_USE_EXC_INFO_STACK 0 - #ifndef CYTHON_UPDATE_DESCRIPTOR_DOC - #define CYTHON_UPDATE_DESCRIPTOR_DOC 0 - #endif -#elif defined(PYPY_VERSION) - #define CYTHON_COMPILING_IN_PYPY 1 - #define CYTHON_COMPILING_IN_CPYTHON 0 - #define CYTHON_COMPILING_IN_LIMITED_API 0 - #define CYTHON_COMPILING_IN_GRAAL 0 - #define CYTHON_COMPILING_IN_NOGIL 0 - #undef CYTHON_USE_TYPE_SLOTS - #define CYTHON_USE_TYPE_SLOTS 0 - #ifndef CYTHON_USE_TYPE_SPECS - #define CYTHON_USE_TYPE_SPECS 0 - #endif - #undef CYTHON_USE_PYTYPE_LOOKUP - #define CYTHON_USE_PYTYPE_LOOKUP 0 - #if PY_VERSION_HEX < 0x03050000 - #undef CYTHON_USE_ASYNC_SLOTS - #define CYTHON_USE_ASYNC_SLOTS 0 - #elif !defined(CYTHON_USE_ASYNC_SLOTS) - #define CYTHON_USE_ASYNC_SLOTS 1 - #endif - #undef CYTHON_USE_PYLIST_INTERNALS - #define CYTHON_USE_PYLIST_INTERNALS 0 - #undef CYTHON_USE_UNICODE_INTERNALS - #define CYTHON_USE_UNICODE_INTERNALS 0 - #undef CYTHON_USE_UNICODE_WRITER - #define CYTHON_USE_UNICODE_WRITER 0 - #undef CYTHON_USE_PYLONG_INTERNALS - #define CYTHON_USE_PYLONG_INTERNALS 0 - #undef CYTHON_AVOID_BORROWED_REFS - #define CYTHON_AVOID_BORROWED_REFS 1 - #undef CYTHON_ASSUME_SAFE_MACROS - #define CYTHON_ASSUME_SAFE_MACROS 0 - #undef CYTHON_UNPACK_METHODS - #define CYTHON_UNPACK_METHODS 0 - #undef CYTHON_FAST_THREAD_STATE - #define CYTHON_FAST_THREAD_STATE 0 - #undef CYTHON_FAST_GIL - #define CYTHON_FAST_GIL 0 - #undef CYTHON_METH_FASTCALL - #define CYTHON_METH_FASTCALL 0 - #undef CYTHON_FAST_PYCALL - #define CYTHON_FAST_PYCALL 0 - #ifndef CYTHON_PEP487_INIT_SUBCLASS - #define CYTHON_PEP487_INIT_SUBCLASS (PY_MAJOR_VERSION >= 3) - #endif - #if PY_VERSION_HEX < 0x03090000 - #undef CYTHON_PEP489_MULTI_PHASE_INIT - #define CYTHON_PEP489_MULTI_PHASE_INIT 0 - #elif !defined(CYTHON_PEP489_MULTI_PHASE_INIT) - #define CYTHON_PEP489_MULTI_PHASE_INIT 1 - #endif - #undef CYTHON_USE_MODULE_STATE - #define CYTHON_USE_MODULE_STATE 0 - #undef CYTHON_USE_TP_FINALIZE - #define CYTHON_USE_TP_FINALIZE (PY_VERSION_HEX >= 0x030400a1 && PYPY_VERSION_NUM >= 0x07030C00) - #undef CYTHON_USE_DICT_VERSIONS - #define CYTHON_USE_DICT_VERSIONS 0 - #undef CYTHON_USE_EXC_INFO_STACK - #define CYTHON_USE_EXC_INFO_STACK 0 - #ifndef CYTHON_UPDATE_DESCRIPTOR_DOC - #define CYTHON_UPDATE_DESCRIPTOR_DOC 0 - #endif -#elif defined(CYTHON_LIMITED_API) - #ifdef Py_LIMITED_API - #undef __PYX_LIMITED_VERSION_HEX - #define __PYX_LIMITED_VERSION_HEX Py_LIMITED_API - #endif - #define CYTHON_COMPILING_IN_PYPY 0 - #define CYTHON_COMPILING_IN_CPYTHON 0 - #define CYTHON_COMPILING_IN_LIMITED_API 1 - #define CYTHON_COMPILING_IN_GRAAL 0 - #define CYTHON_COMPILING_IN_NOGIL 0 - #undef CYTHON_CLINE_IN_TRACEBACK - #define CYTHON_CLINE_IN_TRACEBACK 0 - #undef CYTHON_USE_TYPE_SLOTS - #define CYTHON_USE_TYPE_SLOTS 0 - #undef CYTHON_USE_TYPE_SPECS - #define CYTHON_USE_TYPE_SPECS 1 - #undef CYTHON_USE_PYTYPE_LOOKUP - #define CYTHON_USE_PYTYPE_LOOKUP 0 - #undef CYTHON_USE_ASYNC_SLOTS - #define CYTHON_USE_ASYNC_SLOTS 0 - #undef CYTHON_USE_PYLIST_INTERNALS - #define CYTHON_USE_PYLIST_INTERNALS 0 - #undef CYTHON_USE_UNICODE_INTERNALS - #define CYTHON_USE_UNICODE_INTERNALS 0 - #ifndef CYTHON_USE_UNICODE_WRITER - #define CYTHON_USE_UNICODE_WRITER 0 - #endif - #undef CYTHON_USE_PYLONG_INTERNALS - #define CYTHON_USE_PYLONG_INTERNALS 0 - #ifndef CYTHON_AVOID_BORROWED_REFS - #define CYTHON_AVOID_BORROWED_REFS 0 - #endif - #undef CYTHON_ASSUME_SAFE_MACROS - #define CYTHON_ASSUME_SAFE_MACROS 0 - #undef CYTHON_UNPACK_METHODS - #define CYTHON_UNPACK_METHODS 0 - #undef CYTHON_FAST_THREAD_STATE - #define CYTHON_FAST_THREAD_STATE 0 - #undef CYTHON_FAST_GIL - #define CYTHON_FAST_GIL 0 - #undef CYTHON_METH_FASTCALL - #define CYTHON_METH_FASTCALL 0 - #undef CYTHON_FAST_PYCALL - #define CYTHON_FAST_PYCALL 0 - #ifndef CYTHON_PEP487_INIT_SUBCLASS - #define CYTHON_PEP487_INIT_SUBCLASS 1 - #endif - #undef CYTHON_PEP489_MULTI_PHASE_INIT - #define CYTHON_PEP489_MULTI_PHASE_INIT 0 - #undef CYTHON_USE_MODULE_STATE - #define CYTHON_USE_MODULE_STATE 1 - #ifndef CYTHON_USE_TP_FINALIZE - #define CYTHON_USE_TP_FINALIZE 0 - #endif - #undef CYTHON_USE_DICT_VERSIONS - #define CYTHON_USE_DICT_VERSIONS 0 - #undef CYTHON_USE_EXC_INFO_STACK - #define CYTHON_USE_EXC_INFO_STACK 0 - #ifndef CYTHON_UPDATE_DESCRIPTOR_DOC - #define CYTHON_UPDATE_DESCRIPTOR_DOC 0 - #endif -#elif defined(PY_NOGIL) - #define CYTHON_COMPILING_IN_PYPY 0 - #define CYTHON_COMPILING_IN_CPYTHON 0 - #define CYTHON_COMPILING_IN_LIMITED_API 0 - #define CYTHON_COMPILING_IN_GRAAL 0 - #define CYTHON_COMPILING_IN_NOGIL 1 - #ifndef CYTHON_USE_TYPE_SLOTS - #define CYTHON_USE_TYPE_SLOTS 1 - #endif - #undef CYTHON_USE_PYTYPE_LOOKUP - #define CYTHON_USE_PYTYPE_LOOKUP 0 - #ifndef CYTHON_USE_ASYNC_SLOTS - #define CYTHON_USE_ASYNC_SLOTS 1 - #endif - #undef CYTHON_USE_PYLIST_INTERNALS - #define CYTHON_USE_PYLIST_INTERNALS 0 - #ifndef CYTHON_USE_UNICODE_INTERNALS - #define CYTHON_USE_UNICODE_INTERNALS 1 - #endif - #undef CYTHON_USE_UNICODE_WRITER - #define CYTHON_USE_UNICODE_WRITER 0 - #undef CYTHON_USE_PYLONG_INTERNALS - #define CYTHON_USE_PYLONG_INTERNALS 0 - #ifndef CYTHON_AVOID_BORROWED_REFS - #define CYTHON_AVOID_BORROWED_REFS 0 - #endif - #ifndef CYTHON_ASSUME_SAFE_MACROS - #define CYTHON_ASSUME_SAFE_MACROS 1 - #endif - #ifndef CYTHON_UNPACK_METHODS - #define CYTHON_UNPACK_METHODS 1 - #endif - #undef CYTHON_FAST_THREAD_STATE - #define CYTHON_FAST_THREAD_STATE 0 - #undef CYTHON_FAST_PYCALL - #define CYTHON_FAST_PYCALL 0 - #ifndef CYTHON_PEP489_MULTI_PHASE_INIT - #define CYTHON_PEP489_MULTI_PHASE_INIT 1 - #endif - #ifndef CYTHON_USE_TP_FINALIZE - #define CYTHON_USE_TP_FINALIZE 1 - #endif - #undef CYTHON_USE_DICT_VERSIONS - #define CYTHON_USE_DICT_VERSIONS 0 - #undef CYTHON_USE_EXC_INFO_STACK - #define CYTHON_USE_EXC_INFO_STACK 0 -#else - #define CYTHON_COMPILING_IN_PYPY 0 - #define CYTHON_COMPILING_IN_CPYTHON 1 - #define CYTHON_COMPILING_IN_LIMITED_API 0 - #define CYTHON_COMPILING_IN_GRAAL 0 - #define CYTHON_COMPILING_IN_NOGIL 0 - #ifndef CYTHON_USE_TYPE_SLOTS - #define CYTHON_USE_TYPE_SLOTS 1 - #endif - #ifndef CYTHON_USE_TYPE_SPECS - #define CYTHON_USE_TYPE_SPECS 0 - #endif - #ifndef CYTHON_USE_PYTYPE_LOOKUP - #define CYTHON_USE_PYTYPE_LOOKUP 1 - #endif - #if PY_MAJOR_VERSION < 3 - #undef CYTHON_USE_ASYNC_SLOTS - #define CYTHON_USE_ASYNC_SLOTS 0 - #elif !defined(CYTHON_USE_ASYNC_SLOTS) - #define CYTHON_USE_ASYNC_SLOTS 1 - #endif - #ifndef CYTHON_USE_PYLONG_INTERNALS - #define CYTHON_USE_PYLONG_INTERNALS 1 - #endif - #ifndef CYTHON_USE_PYLIST_INTERNALS - #define CYTHON_USE_PYLIST_INTERNALS 1 - #endif - #ifndef CYTHON_USE_UNICODE_INTERNALS - #define CYTHON_USE_UNICODE_INTERNALS 1 - #endif - #if PY_VERSION_HEX < 0x030300F0 || PY_VERSION_HEX >= 0x030B00A2 - #undef CYTHON_USE_UNICODE_WRITER - #define CYTHON_USE_UNICODE_WRITER 0 - #elif !defined(CYTHON_USE_UNICODE_WRITER) - #define CYTHON_USE_UNICODE_WRITER 1 - #endif - #ifndef CYTHON_AVOID_BORROWED_REFS - #define CYTHON_AVOID_BORROWED_REFS 0 - #endif - #ifndef CYTHON_ASSUME_SAFE_MACROS - #define CYTHON_ASSUME_SAFE_MACROS 1 - #endif - #ifndef CYTHON_UNPACK_METHODS - #define CYTHON_UNPACK_METHODS 1 - #endif - #ifndef CYTHON_FAST_THREAD_STATE - #define CYTHON_FAST_THREAD_STATE 1 - #endif - #ifndef CYTHON_FAST_GIL - #define CYTHON_FAST_GIL (PY_MAJOR_VERSION < 3 || PY_VERSION_HEX >= 0x03060000 && PY_VERSION_HEX < 0x030C00A6) - #endif - #ifndef CYTHON_METH_FASTCALL - #define CYTHON_METH_FASTCALL (PY_VERSION_HEX >= 0x030700A1) - #endif - #ifndef CYTHON_FAST_PYCALL - #define CYTHON_FAST_PYCALL 1 - #endif - #ifndef CYTHON_PEP487_INIT_SUBCLASS - #define CYTHON_PEP487_INIT_SUBCLASS 1 - #endif - #if PY_VERSION_HEX < 0x03050000 - #undef CYTHON_PEP489_MULTI_PHASE_INIT - #define CYTHON_PEP489_MULTI_PHASE_INIT 0 - #elif !defined(CYTHON_PEP489_MULTI_PHASE_INIT) - #define CYTHON_PEP489_MULTI_PHASE_INIT 1 - #endif - #ifndef CYTHON_USE_MODULE_STATE - #define CYTHON_USE_MODULE_STATE 0 - #endif - #if PY_VERSION_HEX < 0x030400a1 - #undef CYTHON_USE_TP_FINALIZE - #define CYTHON_USE_TP_FINALIZE 0 - #elif !defined(CYTHON_USE_TP_FINALIZE) - #define CYTHON_USE_TP_FINALIZE 1 - #endif - #if PY_VERSION_HEX < 0x030600B1 - #undef CYTHON_USE_DICT_VERSIONS - #define CYTHON_USE_DICT_VERSIONS 0 - #elif !defined(CYTHON_USE_DICT_VERSIONS) - #define CYTHON_USE_DICT_VERSIONS (PY_VERSION_HEX < 0x030C00A5) - #endif - #if PY_VERSION_HEX < 0x030700A3 - #undef CYTHON_USE_EXC_INFO_STACK - #define CYTHON_USE_EXC_INFO_STACK 0 - #elif !defined(CYTHON_USE_EXC_INFO_STACK) - #define CYTHON_USE_EXC_INFO_STACK 1 - #endif - #ifndef CYTHON_UPDATE_DESCRIPTOR_DOC - #define CYTHON_UPDATE_DESCRIPTOR_DOC 1 - #endif -#endif -#if !defined(CYTHON_FAST_PYCCALL) -#define CYTHON_FAST_PYCCALL (CYTHON_FAST_PYCALL && PY_VERSION_HEX >= 0x030600B1) -#endif -#if !defined(CYTHON_VECTORCALL) -#define CYTHON_VECTORCALL (CYTHON_FAST_PYCCALL && PY_VERSION_HEX >= 0x030800B1) -#endif -#define CYTHON_BACKPORT_VECTORCALL (CYTHON_METH_FASTCALL && PY_VERSION_HEX < 0x030800B1) -#if CYTHON_USE_PYLONG_INTERNALS - #if PY_MAJOR_VERSION < 3 - #include "longintrepr.h" - #endif - #undef SHIFT - #undef BASE - #undef MASK - #ifdef SIZEOF_VOID_P - enum { __pyx_check_sizeof_voidp = 1 / (int)(SIZEOF_VOID_P == sizeof(void*)) }; - #endif -#endif -#ifndef __has_attribute - #define __has_attribute(x) 0 -#endif -#ifndef __has_cpp_attribute - #define __has_cpp_attribute(x) 0 -#endif -#ifndef CYTHON_RESTRICT - #if defined(__GNUC__) - #define CYTHON_RESTRICT __restrict__ - #elif defined(_MSC_VER) && _MSC_VER >= 1400 - #define CYTHON_RESTRICT __restrict - #elif defined (__STDC_VERSION__) && __STDC_VERSION__ >= 199901L - #define CYTHON_RESTRICT restrict - #else - #define CYTHON_RESTRICT - #endif -#endif -#ifndef CYTHON_UNUSED - #if defined(__cplusplus) - /* for clang __has_cpp_attribute(maybe_unused) is true even before C++17 - * but leads to warnings with -pedantic, since it is a C++17 feature */ - #if ((defined(_MSVC_LANG) && _MSVC_LANG >= 201703L) || __cplusplus >= 201703L) - #if __has_cpp_attribute(maybe_unused) - #define CYTHON_UNUSED [[maybe_unused]] - #endif - #endif - #endif -#endif -#ifndef CYTHON_UNUSED -# if defined(__GNUC__) -# if !(defined(__cplusplus)) || (__GNUC__ > 3 || (__GNUC__ == 3 && __GNUC_MINOR__ >= 4)) -# define CYTHON_UNUSED __attribute__ ((__unused__)) -# else -# define CYTHON_UNUSED -# endif -# elif defined(__ICC) || (defined(__INTEL_COMPILER) && !defined(_MSC_VER)) -# define CYTHON_UNUSED __attribute__ ((__unused__)) -# else -# define CYTHON_UNUSED -# endif -#endif -#ifndef CYTHON_UNUSED_VAR -# if defined(__cplusplus) - template void CYTHON_UNUSED_VAR( const T& ) { } -# else -# define CYTHON_UNUSED_VAR(x) (void)(x) -# endif -#endif -#ifndef CYTHON_MAYBE_UNUSED_VAR - #define CYTHON_MAYBE_UNUSED_VAR(x) CYTHON_UNUSED_VAR(x) -#endif -#ifndef CYTHON_NCP_UNUSED -# if CYTHON_COMPILING_IN_CPYTHON -# define CYTHON_NCP_UNUSED -# else -# define CYTHON_NCP_UNUSED CYTHON_UNUSED -# endif -#endif -#ifndef CYTHON_USE_CPP_STD_MOVE - #if defined(__cplusplus) && (\ - __cplusplus >= 201103L || (defined(_MSC_VER) && _MSC_VER >= 1600)) - #define CYTHON_USE_CPP_STD_MOVE 1 - #else - #define CYTHON_USE_CPP_STD_MOVE 0 - #endif -#endif -#define __Pyx_void_to_None(void_result) ((void)(void_result), Py_INCREF(Py_None), Py_None) -#ifdef _MSC_VER - #ifndef _MSC_STDINT_H_ - #if _MSC_VER < 1300 - typedef unsigned char uint8_t; - typedef unsigned short uint16_t; - typedef unsigned int uint32_t; - #else - typedef unsigned __int8 uint8_t; - typedef unsigned __int16 uint16_t; - typedef unsigned __int32 uint32_t; - #endif - #endif - #if _MSC_VER < 1300 - #ifdef _WIN64 - typedef unsigned long long __pyx_uintptr_t; - #else - typedef unsigned int __pyx_uintptr_t; - #endif - #else - #ifdef _WIN64 - typedef unsigned __int64 __pyx_uintptr_t; - #else - typedef unsigned __int32 __pyx_uintptr_t; - #endif - #endif -#else - #include - typedef uintptr_t __pyx_uintptr_t; -#endif -#ifndef CYTHON_FALLTHROUGH - #if defined(__cplusplus) - /* for clang __has_cpp_attribute(fallthrough) is true even before C++17 - * but leads to warnings with -pedantic, since it is a C++17 feature */ - #if ((defined(_MSVC_LANG) && _MSVC_LANG >= 201703L) || __cplusplus >= 201703L) - #if __has_cpp_attribute(fallthrough) - #define CYTHON_FALLTHROUGH [[fallthrough]] - #endif - #endif - #ifndef CYTHON_FALLTHROUGH - #if __has_cpp_attribute(clang::fallthrough) - #define CYTHON_FALLTHROUGH [[clang::fallthrough]] - #elif __has_cpp_attribute(gnu::fallthrough) - #define CYTHON_FALLTHROUGH [[gnu::fallthrough]] - #endif - #endif - #endif - #ifndef CYTHON_FALLTHROUGH - #if __has_attribute(fallthrough) - #define CYTHON_FALLTHROUGH __attribute__((fallthrough)) - #else - #define CYTHON_FALLTHROUGH - #endif - #endif - #if defined(__clang__) && defined(__apple_build_version__) - #if __apple_build_version__ < 7000000 - #undef CYTHON_FALLTHROUGH - #define CYTHON_FALLTHROUGH - #endif - #endif -#endif -#ifdef __cplusplus - template - struct __PYX_IS_UNSIGNED_IMPL {static const bool value = T(0) < T(-1);}; - #define __PYX_IS_UNSIGNED(type) (__PYX_IS_UNSIGNED_IMPL::value) -#else - #define __PYX_IS_UNSIGNED(type) (((type)-1) > 0) -#endif -#if CYTHON_COMPILING_IN_PYPY == 1 - #define __PYX_NEED_TP_PRINT_SLOT (PY_VERSION_HEX >= 0x030800b4 && PY_VERSION_HEX < 0x030A0000) -#else - #define __PYX_NEED_TP_PRINT_SLOT (PY_VERSION_HEX >= 0x030800b4 && PY_VERSION_HEX < 0x03090000) -#endif -#define __PYX_REINTERPRET_FUNCION(func_pointer, other_pointer) ((func_pointer)(void(*)(void))(other_pointer)) - -#ifndef CYTHON_INLINE - #if defined(__clang__) - #define CYTHON_INLINE __inline__ __attribute__ ((__unused__)) - #elif defined(__GNUC__) - #define CYTHON_INLINE __inline__ - #elif defined(_MSC_VER) - #define CYTHON_INLINE __inline - #elif defined (__STDC_VERSION__) && __STDC_VERSION__ >= 199901L - #define CYTHON_INLINE inline - #else - #define CYTHON_INLINE - #endif -#endif - -#define __PYX_BUILD_PY_SSIZE_T "n" -#define CYTHON_FORMAT_SSIZE_T "z" -#if PY_MAJOR_VERSION < 3 - #define __Pyx_BUILTIN_MODULE_NAME "__builtin__" - #define __Pyx_DefaultClassType PyClass_Type - #define __Pyx_PyCode_New(a, p, k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos)\ - PyCode_New(a+k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos) -#else - #define __Pyx_BUILTIN_MODULE_NAME "builtins" - #define __Pyx_DefaultClassType PyType_Type -#if CYTHON_COMPILING_IN_LIMITED_API - static CYTHON_INLINE PyObject* __Pyx_PyCode_New(int a, int p, int k, int l, int s, int f, - PyObject *code, PyObject *c, PyObject* n, PyObject *v, - PyObject *fv, PyObject *cell, PyObject* fn, - PyObject *name, int fline, PyObject *lnos) { - PyObject *exception_table = NULL; - PyObject *types_module=NULL, *code_type=NULL, *result=NULL; - #if __PYX_LIMITED_VERSION_HEX < 0x030B0000 - PyObject *version_info; // borrowed - #endif - PyObject *py_minor_version = NULL; - long minor_version = 0; - PyObject *type, *value, *traceback; - PyErr_Fetch(&type, &value, &traceback); - #if __PYX_LIMITED_VERSION_HEX >= 0x030B0000 - minor_version = 11; // we don't yet need to distinguish between versions > 11 - #else - if (!(version_info = PySys_GetObject("version_info"))) goto end; - if (!(py_minor_version = PySequence_GetItem(version_info, 1))) goto end; - minor_version = PyLong_AsLong(py_minor_version); - if (minor_version == -1 && PyErr_Occurred()) goto end; - #endif - if (!(types_module = PyImport_ImportModule("types"))) goto end; - if (!(code_type = PyObject_GetAttrString(types_module, "CodeType"))) goto end; - if (minor_version <= 7) { - (void)p; - result = PyObject_CallFunction(code_type, "iiiiiOOOOOOiOO", a, k, l, s, f, code, - c, n, v, fn, name, fline, lnos, fv, cell); - } else if (minor_version <= 10) { - result = PyObject_CallFunction(code_type, "iiiiiiOOOOOOiOO", a,p, k, l, s, f, code, - c, n, v, fn, name, fline, lnos, fv, cell); - } else { - if (!(exception_table = PyBytes_FromStringAndSize(NULL, 0))) goto end; - result = PyObject_CallFunction(code_type, "iiiiiiOOOOOOOiOO", a,p, k, l, s, f, code, - c, n, v, fn, name, name, fline, lnos, exception_table, fv, cell); - } - end: - Py_XDECREF(code_type); - Py_XDECREF(exception_table); - Py_XDECREF(types_module); - Py_XDECREF(py_minor_version); - if (type) { - PyErr_Restore(type, value, traceback); - } - return result; - } - #ifndef CO_OPTIMIZED - #define CO_OPTIMIZED 0x0001 - #endif - #ifndef CO_NEWLOCALS - #define CO_NEWLOCALS 0x0002 - #endif - #ifndef CO_VARARGS - #define CO_VARARGS 0x0004 - #endif - #ifndef CO_VARKEYWORDS - #define CO_VARKEYWORDS 0x0008 - #endif - #ifndef CO_ASYNC_GENERATOR - #define CO_ASYNC_GENERATOR 0x0200 - #endif - #ifndef CO_GENERATOR - #define CO_GENERATOR 0x0020 - #endif - #ifndef CO_COROUTINE - #define CO_COROUTINE 0x0080 - #endif -#elif PY_VERSION_HEX >= 0x030B0000 - static CYTHON_INLINE PyCodeObject* __Pyx_PyCode_New(int a, int p, int k, int l, int s, int f, - PyObject *code, PyObject *c, PyObject* n, PyObject *v, - PyObject *fv, PyObject *cell, PyObject* fn, - PyObject *name, int fline, PyObject *lnos) { - PyCodeObject *result; - PyObject *empty_bytes = PyBytes_FromStringAndSize("", 0); // we don't have access to __pyx_empty_bytes here - if (!empty_bytes) return NULL; - result = - #if PY_VERSION_HEX >= 0x030C0000 - PyUnstable_Code_NewWithPosOnlyArgs - #else - PyCode_NewWithPosOnlyArgs - #endif - (a, p, k, l, s, f, code, c, n, v, fv, cell, fn, name, name, fline, lnos, empty_bytes); - Py_DECREF(empty_bytes); - return result; - } -#elif PY_VERSION_HEX >= 0x030800B2 && !CYTHON_COMPILING_IN_PYPY - #define __Pyx_PyCode_New(a, p, k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos)\ - PyCode_NewWithPosOnlyArgs(a, p, k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos) -#else - #define __Pyx_PyCode_New(a, p, k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos)\ - PyCode_New(a, k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos) -#endif -#endif -#if PY_VERSION_HEX >= 0x030900A4 || defined(Py_IS_TYPE) - #define __Pyx_IS_TYPE(ob, type) Py_IS_TYPE(ob, type) -#else - #define __Pyx_IS_TYPE(ob, type) (((const PyObject*)ob)->ob_type == (type)) -#endif -#if PY_VERSION_HEX >= 0x030A00B1 || defined(Py_Is) - #define __Pyx_Py_Is(x, y) Py_Is(x, y) -#else - #define __Pyx_Py_Is(x, y) ((x) == (y)) -#endif -#if PY_VERSION_HEX >= 0x030A00B1 || defined(Py_IsNone) - #define __Pyx_Py_IsNone(ob) Py_IsNone(ob) -#else - #define __Pyx_Py_IsNone(ob) __Pyx_Py_Is((ob), Py_None) -#endif -#if PY_VERSION_HEX >= 0x030A00B1 || defined(Py_IsTrue) - #define __Pyx_Py_IsTrue(ob) Py_IsTrue(ob) -#else - #define __Pyx_Py_IsTrue(ob) __Pyx_Py_Is((ob), Py_True) -#endif -#if PY_VERSION_HEX >= 0x030A00B1 || defined(Py_IsFalse) - #define __Pyx_Py_IsFalse(ob) Py_IsFalse(ob) -#else - #define __Pyx_Py_IsFalse(ob) __Pyx_Py_Is((ob), Py_False) -#endif -#define __Pyx_NoneAsNull(obj) (__Pyx_Py_IsNone(obj) ? NULL : (obj)) -#if PY_VERSION_HEX >= 0x030900F0 && !CYTHON_COMPILING_IN_PYPY - #define __Pyx_PyObject_GC_IsFinalized(o) PyObject_GC_IsFinalized(o) -#else - #define __Pyx_PyObject_GC_IsFinalized(o) _PyGC_FINALIZED(o) -#endif -#ifndef CO_COROUTINE - #define CO_COROUTINE 0x80 -#endif -#ifndef CO_ASYNC_GENERATOR - #define CO_ASYNC_GENERATOR 0x200 -#endif -#ifndef Py_TPFLAGS_CHECKTYPES - #define Py_TPFLAGS_CHECKTYPES 0 -#endif -#ifndef Py_TPFLAGS_HAVE_INDEX - #define Py_TPFLAGS_HAVE_INDEX 0 -#endif -#ifndef Py_TPFLAGS_HAVE_NEWBUFFER - #define Py_TPFLAGS_HAVE_NEWBUFFER 0 -#endif -#ifndef Py_TPFLAGS_HAVE_FINALIZE - #define Py_TPFLAGS_HAVE_FINALIZE 0 -#endif -#ifndef Py_TPFLAGS_SEQUENCE - #define Py_TPFLAGS_SEQUENCE 0 -#endif -#ifndef Py_TPFLAGS_MAPPING - #define Py_TPFLAGS_MAPPING 0 -#endif -#ifndef METH_STACKLESS - #define METH_STACKLESS 0 -#endif -#if PY_VERSION_HEX <= 0x030700A3 || !defined(METH_FASTCALL) - #ifndef METH_FASTCALL - #define METH_FASTCALL 0x80 - #endif - typedef PyObject *(*__Pyx_PyCFunctionFast) (PyObject *self, PyObject *const *args, Py_ssize_t nargs); - typedef PyObject *(*__Pyx_PyCFunctionFastWithKeywords) (PyObject *self, PyObject *const *args, - Py_ssize_t nargs, PyObject *kwnames); -#else - #define __Pyx_PyCFunctionFast _PyCFunctionFast - #define __Pyx_PyCFunctionFastWithKeywords _PyCFunctionFastWithKeywords -#endif -#if CYTHON_METH_FASTCALL - #define __Pyx_METH_FASTCALL METH_FASTCALL - #define __Pyx_PyCFunction_FastCall __Pyx_PyCFunctionFast - #define __Pyx_PyCFunction_FastCallWithKeywords __Pyx_PyCFunctionFastWithKeywords -#else - #define __Pyx_METH_FASTCALL METH_VARARGS - #define __Pyx_PyCFunction_FastCall PyCFunction - #define __Pyx_PyCFunction_FastCallWithKeywords PyCFunctionWithKeywords -#endif -#if CYTHON_VECTORCALL - #define __pyx_vectorcallfunc vectorcallfunc - #define __Pyx_PY_VECTORCALL_ARGUMENTS_OFFSET PY_VECTORCALL_ARGUMENTS_OFFSET - #define __Pyx_PyVectorcall_NARGS(n) PyVectorcall_NARGS((size_t)(n)) -#elif CYTHON_BACKPORT_VECTORCALL - typedef PyObject *(*__pyx_vectorcallfunc)(PyObject *callable, PyObject *const *args, - size_t nargsf, PyObject *kwnames); - #define __Pyx_PY_VECTORCALL_ARGUMENTS_OFFSET ((size_t)1 << (8 * sizeof(size_t) - 1)) - #define __Pyx_PyVectorcall_NARGS(n) ((Py_ssize_t)(((size_t)(n)) & ~__Pyx_PY_VECTORCALL_ARGUMENTS_OFFSET)) -#else - #define __Pyx_PY_VECTORCALL_ARGUMENTS_OFFSET 0 - #define __Pyx_PyVectorcall_NARGS(n) ((Py_ssize_t)(n)) -#endif -#if PY_MAJOR_VERSION >= 0x030900B1 -#define __Pyx_PyCFunction_CheckExact(func) PyCFunction_CheckExact(func) -#else -#define __Pyx_PyCFunction_CheckExact(func) PyCFunction_Check(func) -#endif -#define __Pyx_CyOrPyCFunction_Check(func) PyCFunction_Check(func) -#if CYTHON_COMPILING_IN_CPYTHON -#define __Pyx_CyOrPyCFunction_GET_FUNCTION(func) (((PyCFunctionObject*)(func))->m_ml->ml_meth) -#elif !CYTHON_COMPILING_IN_LIMITED_API -#define __Pyx_CyOrPyCFunction_GET_FUNCTION(func) PyCFunction_GET_FUNCTION(func) -#endif -#if CYTHON_COMPILING_IN_CPYTHON -#define __Pyx_CyOrPyCFunction_GET_FLAGS(func) (((PyCFunctionObject*)(func))->m_ml->ml_flags) -static CYTHON_INLINE PyObject* __Pyx_CyOrPyCFunction_GET_SELF(PyObject *func) { - return (__Pyx_CyOrPyCFunction_GET_FLAGS(func) & METH_STATIC) ? NULL : ((PyCFunctionObject*)func)->m_self; -} -#endif -static CYTHON_INLINE int __Pyx__IsSameCFunction(PyObject *func, void *cfunc) { -#if CYTHON_COMPILING_IN_LIMITED_API - return PyCFunction_Check(func) && PyCFunction_GetFunction(func) == (PyCFunction) cfunc; -#else - return PyCFunction_Check(func) && PyCFunction_GET_FUNCTION(func) == (PyCFunction) cfunc; -#endif -} -#define __Pyx_IsSameCFunction(func, cfunc) __Pyx__IsSameCFunction(func, cfunc) -#if __PYX_LIMITED_VERSION_HEX < 0x030900B1 - #define __Pyx_PyType_FromModuleAndSpec(m, s, b) ((void)m, PyType_FromSpecWithBases(s, b)) - typedef PyObject *(*__Pyx_PyCMethod)(PyObject *, PyTypeObject *, PyObject *const *, size_t, PyObject *); -#else - #define __Pyx_PyType_FromModuleAndSpec(m, s, b) PyType_FromModuleAndSpec(m, s, b) - #define __Pyx_PyCMethod PyCMethod -#endif -#ifndef METH_METHOD - #define METH_METHOD 0x200 -#endif -#if CYTHON_COMPILING_IN_PYPY && !defined(PyObject_Malloc) - #define PyObject_Malloc(s) PyMem_Malloc(s) - #define PyObject_Free(p) PyMem_Free(p) - #define PyObject_Realloc(p) PyMem_Realloc(p) -#endif -#if CYTHON_COMPILING_IN_LIMITED_API - #define __Pyx_PyCode_HasFreeVars(co) (PyCode_GetNumFree(co) > 0) - #define __Pyx_PyFrame_SetLineNumber(frame, lineno) -#else - #define __Pyx_PyCode_HasFreeVars(co) (PyCode_GetNumFree(co) > 0) - #define __Pyx_PyFrame_SetLineNumber(frame, lineno) (frame)->f_lineno = (lineno) -#endif -#if CYTHON_COMPILING_IN_LIMITED_API - #define __Pyx_PyThreadState_Current PyThreadState_Get() -#elif !CYTHON_FAST_THREAD_STATE - #define __Pyx_PyThreadState_Current PyThreadState_GET() -#elif PY_VERSION_HEX >= 0x030d00A1 - #define __Pyx_PyThreadState_Current PyThreadState_GetUnchecked() -#elif PY_VERSION_HEX >= 0x03060000 - #define __Pyx_PyThreadState_Current _PyThreadState_UncheckedGet() -#elif PY_VERSION_HEX >= 0x03000000 - #define __Pyx_PyThreadState_Current PyThreadState_GET() -#else - #define __Pyx_PyThreadState_Current _PyThreadState_Current -#endif -#if CYTHON_COMPILING_IN_LIMITED_API -static CYTHON_INLINE void *__Pyx_PyModule_GetState(PyObject *op) -{ - void *result; - result = PyModule_GetState(op); - if (!result) - Py_FatalError("Couldn't find the module state"); - return result; -} -#endif -#define __Pyx_PyObject_GetSlot(obj, name, func_ctype) __Pyx_PyType_GetSlot(Py_TYPE(obj), name, func_ctype) -#if CYTHON_COMPILING_IN_LIMITED_API - #define __Pyx_PyType_GetSlot(type, name, func_ctype) ((func_ctype) PyType_GetSlot((type), Py_##name)) -#else - #define __Pyx_PyType_GetSlot(type, name, func_ctype) ((type)->name) -#endif -#if PY_VERSION_HEX < 0x030700A2 && !defined(PyThread_tss_create) && !defined(Py_tss_NEEDS_INIT) -#include "pythread.h" -#define Py_tss_NEEDS_INIT 0 -typedef int Py_tss_t; -static CYTHON_INLINE int PyThread_tss_create(Py_tss_t *key) { - *key = PyThread_create_key(); - return 0; -} -static CYTHON_INLINE Py_tss_t * PyThread_tss_alloc(void) { - Py_tss_t *key = (Py_tss_t *)PyObject_Malloc(sizeof(Py_tss_t)); - *key = Py_tss_NEEDS_INIT; - return key; -} -static CYTHON_INLINE void PyThread_tss_free(Py_tss_t *key) { - PyObject_Free(key); -} -static CYTHON_INLINE int PyThread_tss_is_created(Py_tss_t *key) { - return *key != Py_tss_NEEDS_INIT; -} -static CYTHON_INLINE void PyThread_tss_delete(Py_tss_t *key) { - PyThread_delete_key(*key); - *key = Py_tss_NEEDS_INIT; -} -static CYTHON_INLINE int PyThread_tss_set(Py_tss_t *key, void *value) { - return PyThread_set_key_value(*key, value); -} -static CYTHON_INLINE void * PyThread_tss_get(Py_tss_t *key) { - return PyThread_get_key_value(*key); -} -#endif -#if PY_MAJOR_VERSION < 3 - #if CYTHON_COMPILING_IN_PYPY - #if PYPY_VERSION_NUM < 0x07030600 - #if defined(__cplusplus) && __cplusplus >= 201402L - [[deprecated("`with nogil:` inside a nogil function will not release the GIL in PyPy2 < 7.3.6")]] - #elif defined(__GNUC__) || defined(__clang__) - __attribute__ ((__deprecated__("`with nogil:` inside a nogil function will not release the GIL in PyPy2 < 7.3.6"))) - #elif defined(_MSC_VER) - __declspec(deprecated("`with nogil:` inside a nogil function will not release the GIL in PyPy2 < 7.3.6")) - #endif - static CYTHON_INLINE int PyGILState_Check(void) { - return 0; - } - #else // PYPY_VERSION_NUM < 0x07030600 - #endif // PYPY_VERSION_NUM < 0x07030600 - #else - static CYTHON_INLINE int PyGILState_Check(void) { - PyThreadState * tstate = _PyThreadState_Current; - return tstate && (tstate == PyGILState_GetThisThreadState()); - } - #endif -#endif -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX < 0x030d0000 || defined(_PyDict_NewPresized) -#define __Pyx_PyDict_NewPresized(n) ((n <= 8) ? PyDict_New() : _PyDict_NewPresized(n)) -#else -#define __Pyx_PyDict_NewPresized(n) PyDict_New() -#endif -#if PY_MAJOR_VERSION >= 3 || CYTHON_FUTURE_DIVISION - #define __Pyx_PyNumber_Divide(x,y) PyNumber_TrueDivide(x,y) - #define __Pyx_PyNumber_InPlaceDivide(x,y) PyNumber_InPlaceTrueDivide(x,y) -#else - #define __Pyx_PyNumber_Divide(x,y) PyNumber_Divide(x,y) - #define __Pyx_PyNumber_InPlaceDivide(x,y) PyNumber_InPlaceDivide(x,y) -#endif -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX > 0x030600B4 && PY_VERSION_HEX < 0x030d0000 && CYTHON_USE_UNICODE_INTERNALS -#define __Pyx_PyDict_GetItemStrWithError(dict, name) _PyDict_GetItem_KnownHash(dict, name, ((PyASCIIObject *) name)->hash) -static CYTHON_INLINE PyObject * __Pyx_PyDict_GetItemStr(PyObject *dict, PyObject *name) { - PyObject *res = __Pyx_PyDict_GetItemStrWithError(dict, name); - if (res == NULL) PyErr_Clear(); - return res; -} -#elif PY_MAJOR_VERSION >= 3 && (!CYTHON_COMPILING_IN_PYPY || PYPY_VERSION_NUM >= 0x07020000) -#define __Pyx_PyDict_GetItemStrWithError PyDict_GetItemWithError -#define __Pyx_PyDict_GetItemStr PyDict_GetItem -#else -static CYTHON_INLINE PyObject * __Pyx_PyDict_GetItemStrWithError(PyObject *dict, PyObject *name) { -#if CYTHON_COMPILING_IN_PYPY - return PyDict_GetItem(dict, name); -#else - PyDictEntry *ep; - PyDictObject *mp = (PyDictObject*) dict; - long hash = ((PyStringObject *) name)->ob_shash; - assert(hash != -1); - ep = (mp->ma_lookup)(mp, name, hash); - if (ep == NULL) { - return NULL; - } - return ep->me_value; -#endif -} -#define __Pyx_PyDict_GetItemStr PyDict_GetItem -#endif -#if CYTHON_USE_TYPE_SLOTS - #define __Pyx_PyType_GetFlags(tp) (((PyTypeObject *)tp)->tp_flags) - #define __Pyx_PyType_HasFeature(type, feature) ((__Pyx_PyType_GetFlags(type) & (feature)) != 0) - #define __Pyx_PyObject_GetIterNextFunc(obj) (Py_TYPE(obj)->tp_iternext) -#else - #define __Pyx_PyType_GetFlags(tp) (PyType_GetFlags((PyTypeObject *)tp)) - #define __Pyx_PyType_HasFeature(type, feature) PyType_HasFeature(type, feature) - #define __Pyx_PyObject_GetIterNextFunc(obj) PyIter_Next -#endif -#if CYTHON_COMPILING_IN_LIMITED_API - #define __Pyx_SetItemOnTypeDict(tp, k, v) PyObject_GenericSetAttr((PyObject*)tp, k, v) -#else - #define __Pyx_SetItemOnTypeDict(tp, k, v) PyDict_SetItem(tp->tp_dict, k, v) -#endif -#if CYTHON_USE_TYPE_SPECS && PY_VERSION_HEX >= 0x03080000 -#define __Pyx_PyHeapTypeObject_GC_Del(obj) {\ - PyTypeObject *type = Py_TYPE(obj);\ - assert(__Pyx_PyType_HasFeature(type, Py_TPFLAGS_HEAPTYPE));\ - PyObject_GC_Del(obj);\ - Py_DECREF(type);\ -} -#else -#define __Pyx_PyHeapTypeObject_GC_Del(obj) PyObject_GC_Del(obj) -#endif -#if CYTHON_COMPILING_IN_LIMITED_API - #define CYTHON_PEP393_ENABLED 1 - #define __Pyx_PyUnicode_READY(op) (0) - #define __Pyx_PyUnicode_GET_LENGTH(u) PyUnicode_GetLength(u) - #define __Pyx_PyUnicode_READ_CHAR(u, i) PyUnicode_ReadChar(u, i) - #define __Pyx_PyUnicode_MAX_CHAR_VALUE(u) ((void)u, 1114111U) - #define __Pyx_PyUnicode_KIND(u) ((void)u, (0)) - #define __Pyx_PyUnicode_DATA(u) ((void*)u) - #define __Pyx_PyUnicode_READ(k, d, i) ((void)k, PyUnicode_ReadChar((PyObject*)(d), i)) - #define __Pyx_PyUnicode_IS_TRUE(u) (0 != PyUnicode_GetLength(u)) -#elif PY_VERSION_HEX > 0x03030000 && defined(PyUnicode_KIND) - #define CYTHON_PEP393_ENABLED 1 - #if PY_VERSION_HEX >= 0x030C0000 - #define __Pyx_PyUnicode_READY(op) (0) - #else - #define __Pyx_PyUnicode_READY(op) (likely(PyUnicode_IS_READY(op)) ?\ - 0 : _PyUnicode_Ready((PyObject *)(op))) - #endif - #define __Pyx_PyUnicode_GET_LENGTH(u) PyUnicode_GET_LENGTH(u) - #define __Pyx_PyUnicode_READ_CHAR(u, i) PyUnicode_READ_CHAR(u, i) - #define __Pyx_PyUnicode_MAX_CHAR_VALUE(u) PyUnicode_MAX_CHAR_VALUE(u) - #define __Pyx_PyUnicode_KIND(u) ((int)PyUnicode_KIND(u)) - #define __Pyx_PyUnicode_DATA(u) PyUnicode_DATA(u) - #define __Pyx_PyUnicode_READ(k, d, i) PyUnicode_READ(k, d, i) - #define __Pyx_PyUnicode_WRITE(k, d, i, ch) PyUnicode_WRITE(k, d, i, (Py_UCS4) ch) - #if PY_VERSION_HEX >= 0x030C0000 - #define __Pyx_PyUnicode_IS_TRUE(u) (0 != PyUnicode_GET_LENGTH(u)) - #else - #if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX >= 0x03090000 - #define __Pyx_PyUnicode_IS_TRUE(u) (0 != (likely(PyUnicode_IS_READY(u)) ? PyUnicode_GET_LENGTH(u) : ((PyCompactUnicodeObject *)(u))->wstr_length)) - #else - #define __Pyx_PyUnicode_IS_TRUE(u) (0 != (likely(PyUnicode_IS_READY(u)) ? PyUnicode_GET_LENGTH(u) : PyUnicode_GET_SIZE(u))) - #endif - #endif -#else - #define CYTHON_PEP393_ENABLED 0 - #define PyUnicode_1BYTE_KIND 1 - #define PyUnicode_2BYTE_KIND 2 - #define PyUnicode_4BYTE_KIND 4 - #define __Pyx_PyUnicode_READY(op) (0) - #define __Pyx_PyUnicode_GET_LENGTH(u) PyUnicode_GET_SIZE(u) - #define __Pyx_PyUnicode_READ_CHAR(u, i) ((Py_UCS4)(PyUnicode_AS_UNICODE(u)[i])) - #define __Pyx_PyUnicode_MAX_CHAR_VALUE(u) ((sizeof(Py_UNICODE) == 2) ? 65535U : 1114111U) - #define __Pyx_PyUnicode_KIND(u) ((int)sizeof(Py_UNICODE)) - #define __Pyx_PyUnicode_DATA(u) ((void*)PyUnicode_AS_UNICODE(u)) - #define __Pyx_PyUnicode_READ(k, d, i) ((void)(k), (Py_UCS4)(((Py_UNICODE*)d)[i])) - #define __Pyx_PyUnicode_WRITE(k, d, i, ch) (((void)(k)), ((Py_UNICODE*)d)[i] = (Py_UNICODE) ch) - #define __Pyx_PyUnicode_IS_TRUE(u) (0 != PyUnicode_GET_SIZE(u)) -#endif -#if CYTHON_COMPILING_IN_PYPY - #define __Pyx_PyUnicode_Concat(a, b) PyNumber_Add(a, b) - #define __Pyx_PyUnicode_ConcatSafe(a, b) PyNumber_Add(a, b) -#else - #define __Pyx_PyUnicode_Concat(a, b) PyUnicode_Concat(a, b) - #define __Pyx_PyUnicode_ConcatSafe(a, b) ((unlikely((a) == Py_None) || unlikely((b) == Py_None)) ?\ - PyNumber_Add(a, b) : __Pyx_PyUnicode_Concat(a, b)) -#endif -#if CYTHON_COMPILING_IN_PYPY - #if !defined(PyUnicode_DecodeUnicodeEscape) - #define PyUnicode_DecodeUnicodeEscape(s, size, errors) PyUnicode_Decode(s, size, "unicode_escape", errors) - #endif - #if !defined(PyUnicode_Contains) || (PY_MAJOR_VERSION == 2 && PYPY_VERSION_NUM < 0x07030500) - #undef PyUnicode_Contains - #define PyUnicode_Contains(u, s) PySequence_Contains(u, s) - #endif - #if !defined(PyByteArray_Check) - #define PyByteArray_Check(obj) PyObject_TypeCheck(obj, &PyByteArray_Type) - #endif - #if !defined(PyObject_Format) - #define PyObject_Format(obj, fmt) PyObject_CallMethod(obj, "__format__", "O", fmt) - #endif -#endif -#define __Pyx_PyString_FormatSafe(a, b) ((unlikely((a) == Py_None || (PyString_Check(b) && !PyString_CheckExact(b)))) ? PyNumber_Remainder(a, b) : __Pyx_PyString_Format(a, b)) -#define __Pyx_PyUnicode_FormatSafe(a, b) ((unlikely((a) == Py_None || (PyUnicode_Check(b) && !PyUnicode_CheckExact(b)))) ? PyNumber_Remainder(a, b) : PyUnicode_Format(a, b)) -#if PY_MAJOR_VERSION >= 3 - #define __Pyx_PyString_Format(a, b) PyUnicode_Format(a, b) -#else - #define __Pyx_PyString_Format(a, b) PyString_Format(a, b) -#endif -#if PY_MAJOR_VERSION < 3 && !defined(PyObject_ASCII) - #define PyObject_ASCII(o) PyObject_Repr(o) -#endif -#if PY_MAJOR_VERSION >= 3 - #define PyBaseString_Type PyUnicode_Type - #define PyStringObject PyUnicodeObject - #define PyString_Type PyUnicode_Type - #define PyString_Check PyUnicode_Check - #define PyString_CheckExact PyUnicode_CheckExact -#ifndef PyObject_Unicode - #define PyObject_Unicode PyObject_Str -#endif -#endif -#if PY_MAJOR_VERSION >= 3 - #define __Pyx_PyBaseString_Check(obj) PyUnicode_Check(obj) - #define __Pyx_PyBaseString_CheckExact(obj) PyUnicode_CheckExact(obj) -#else - #define __Pyx_PyBaseString_Check(obj) (PyString_Check(obj) || PyUnicode_Check(obj)) - #define __Pyx_PyBaseString_CheckExact(obj) (PyString_CheckExact(obj) || PyUnicode_CheckExact(obj)) -#endif -#if CYTHON_COMPILING_IN_CPYTHON - #define __Pyx_PySequence_ListKeepNew(obj)\ - (likely(PyList_CheckExact(obj) && Py_REFCNT(obj) == 1) ? __Pyx_NewRef(obj) : PySequence_List(obj)) -#else - #define __Pyx_PySequence_ListKeepNew(obj) PySequence_List(obj) -#endif -#ifndef PySet_CheckExact - #define PySet_CheckExact(obj) __Pyx_IS_TYPE(obj, &PySet_Type) -#endif -#if PY_VERSION_HEX >= 0x030900A4 - #define __Pyx_SET_REFCNT(obj, refcnt) Py_SET_REFCNT(obj, refcnt) - #define __Pyx_SET_SIZE(obj, size) Py_SET_SIZE(obj, size) -#else - #define __Pyx_SET_REFCNT(obj, refcnt) Py_REFCNT(obj) = (refcnt) - #define __Pyx_SET_SIZE(obj, size) Py_SIZE(obj) = (size) -#endif -#if CYTHON_ASSUME_SAFE_MACROS - #define __Pyx_PySequence_ITEM(o, i) PySequence_ITEM(o, i) - #define __Pyx_PySequence_SIZE(seq) Py_SIZE(seq) - #define __Pyx_PyTuple_SET_ITEM(o, i, v) (PyTuple_SET_ITEM(o, i, v), (0)) - #define __Pyx_PyList_SET_ITEM(o, i, v) (PyList_SET_ITEM(o, i, v), (0)) - #define __Pyx_PyTuple_GET_SIZE(o) PyTuple_GET_SIZE(o) - #define __Pyx_PyList_GET_SIZE(o) PyList_GET_SIZE(o) - #define __Pyx_PySet_GET_SIZE(o) PySet_GET_SIZE(o) - #define __Pyx_PyBytes_GET_SIZE(o) PyBytes_GET_SIZE(o) - #define __Pyx_PyByteArray_GET_SIZE(o) PyByteArray_GET_SIZE(o) -#else - #define __Pyx_PySequence_ITEM(o, i) PySequence_GetItem(o, i) - #define __Pyx_PySequence_SIZE(seq) PySequence_Size(seq) - #define __Pyx_PyTuple_SET_ITEM(o, i, v) PyTuple_SetItem(o, i, v) - #define __Pyx_PyList_SET_ITEM(o, i, v) PyList_SetItem(o, i, v) - #define __Pyx_PyTuple_GET_SIZE(o) PyTuple_Size(o) - #define __Pyx_PyList_GET_SIZE(o) PyList_Size(o) - #define __Pyx_PySet_GET_SIZE(o) PySet_Size(o) - #define __Pyx_PyBytes_GET_SIZE(o) PyBytes_Size(o) - #define __Pyx_PyByteArray_GET_SIZE(o) PyByteArray_Size(o) -#endif -#if PY_VERSION_HEX >= 0x030d00A1 - #define __Pyx_PyImport_AddModuleRef(name) PyImport_AddModuleRef(name) -#else - static CYTHON_INLINE PyObject *__Pyx_PyImport_AddModuleRef(const char *name) { - PyObject *module = PyImport_AddModule(name); - Py_XINCREF(module); - return module; - } -#endif -#if PY_MAJOR_VERSION >= 3 - #define PyIntObject PyLongObject - #define PyInt_Type PyLong_Type - #define PyInt_Check(op) PyLong_Check(op) - #define PyInt_CheckExact(op) PyLong_CheckExact(op) - #define __Pyx_Py3Int_Check(op) PyLong_Check(op) - #define __Pyx_Py3Int_CheckExact(op) PyLong_CheckExact(op) - #define PyInt_FromString PyLong_FromString - #define PyInt_FromUnicode PyLong_FromUnicode - #define PyInt_FromLong PyLong_FromLong - #define PyInt_FromSize_t PyLong_FromSize_t - #define PyInt_FromSsize_t PyLong_FromSsize_t - #define PyInt_AsLong PyLong_AsLong - #define PyInt_AS_LONG PyLong_AS_LONG - #define PyInt_AsSsize_t PyLong_AsSsize_t - #define PyInt_AsUnsignedLongMask PyLong_AsUnsignedLongMask - #define PyInt_AsUnsignedLongLongMask PyLong_AsUnsignedLongLongMask - #define PyNumber_Int PyNumber_Long -#else - #define __Pyx_Py3Int_Check(op) (PyLong_Check(op) || PyInt_Check(op)) - #define __Pyx_Py3Int_CheckExact(op) (PyLong_CheckExact(op) || PyInt_CheckExact(op)) -#endif -#if PY_MAJOR_VERSION >= 3 - #define PyBoolObject PyLongObject -#endif -#if PY_MAJOR_VERSION >= 3 && CYTHON_COMPILING_IN_PYPY - #ifndef PyUnicode_InternFromString - #define PyUnicode_InternFromString(s) PyUnicode_FromString(s) - #endif -#endif -#if PY_VERSION_HEX < 0x030200A4 - typedef long Py_hash_t; - #define __Pyx_PyInt_FromHash_t PyInt_FromLong - #define __Pyx_PyInt_AsHash_t __Pyx_PyIndex_AsHash_t -#else - #define __Pyx_PyInt_FromHash_t PyInt_FromSsize_t - #define __Pyx_PyInt_AsHash_t __Pyx_PyIndex_AsSsize_t -#endif -#if CYTHON_USE_ASYNC_SLOTS - #if PY_VERSION_HEX >= 0x030500B1 - #define __Pyx_PyAsyncMethodsStruct PyAsyncMethods - #define __Pyx_PyType_AsAsync(obj) (Py_TYPE(obj)->tp_as_async) - #else - #define __Pyx_PyType_AsAsync(obj) ((__Pyx_PyAsyncMethodsStruct*) (Py_TYPE(obj)->tp_reserved)) - #endif -#else - #define __Pyx_PyType_AsAsync(obj) NULL -#endif -#ifndef __Pyx_PyAsyncMethodsStruct - typedef struct { - unaryfunc am_await; - unaryfunc am_aiter; - unaryfunc am_anext; - } __Pyx_PyAsyncMethodsStruct; -#endif - -#if defined(_WIN32) || defined(WIN32) || defined(MS_WINDOWS) - #if !defined(_USE_MATH_DEFINES) - #define _USE_MATH_DEFINES - #endif -#endif -#include -#ifdef NAN -#define __PYX_NAN() ((float) NAN) -#else -static CYTHON_INLINE float __PYX_NAN() { - float value; - memset(&value, 0xFF, sizeof(value)); - return value; -} -#endif -#if defined(__CYGWIN__) && defined(_LDBL_EQ_DBL) -#define __Pyx_truncl trunc -#else -#define __Pyx_truncl truncl -#endif - -#define __PYX_MARK_ERR_POS(f_index, lineno) \ - { __pyx_filename = __pyx_f[f_index]; (void)__pyx_filename; __pyx_lineno = lineno; (void)__pyx_lineno; __pyx_clineno = __LINE__; (void)__pyx_clineno; } -#define __PYX_ERR(f_index, lineno, Ln_error) \ - { __PYX_MARK_ERR_POS(f_index, lineno) goto Ln_error; } - -#ifdef CYTHON_EXTERN_C - #undef __PYX_EXTERN_C - #define __PYX_EXTERN_C CYTHON_EXTERN_C -#elif defined(__PYX_EXTERN_C) - #ifdef _MSC_VER - #pragma message ("Please do not define the '__PYX_EXTERN_C' macro externally. Use 'CYTHON_EXTERN_C' instead.") - #else - #warning Please do not define the '__PYX_EXTERN_C' macro externally. Use 'CYTHON_EXTERN_C' instead. - #endif -#else - #ifdef __cplusplus - #define __PYX_EXTERN_C extern "C" - #else - #define __PYX_EXTERN_C extern - #endif -#endif - -#define __PYX_HAVE__fast_grid__potential__gaussian -#define __PYX_HAVE_API__fast_grid__potential__gaussian -/* Early includes */ -#include -#include - - /* Using NumPy API declarations from "numpy/__init__.cython-30.pxd" */ - -#include "numpy/arrayobject.h" -#include "numpy/ndarrayobject.h" -#include "numpy/ndarraytypes.h" -#include "numpy/arrayscalars.h" -#include "numpy/ufuncobject.h" -#include -#ifdef _OPENMP -#include -#endif /* _OPENMP */ - -#if defined(PYREX_WITHOUT_ASSERTIONS) && !defined(CYTHON_WITHOUT_ASSERTIONS) -#define CYTHON_WITHOUT_ASSERTIONS -#endif - -typedef struct {PyObject **p; const char *s; const Py_ssize_t n; const char* encoding; - const char is_unicode; const char is_str; const char intern; } __Pyx_StringTabEntry; - -#define __PYX_DEFAULT_STRING_ENCODING_IS_ASCII 0 -#define __PYX_DEFAULT_STRING_ENCODING_IS_UTF8 0 -#define __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT (PY_MAJOR_VERSION >= 3 && __PYX_DEFAULT_STRING_ENCODING_IS_UTF8) -#define __PYX_DEFAULT_STRING_ENCODING "" -#define __Pyx_PyObject_FromString __Pyx_PyBytes_FromString -#define __Pyx_PyObject_FromStringAndSize __Pyx_PyBytes_FromStringAndSize -#define __Pyx_uchar_cast(c) ((unsigned char)c) -#define __Pyx_long_cast(x) ((long)x) -#define __Pyx_fits_Py_ssize_t(v, type, is_signed) (\ - (sizeof(type) < sizeof(Py_ssize_t)) ||\ - (sizeof(type) > sizeof(Py_ssize_t) &&\ - likely(v < (type)PY_SSIZE_T_MAX ||\ - v == (type)PY_SSIZE_T_MAX) &&\ - (!is_signed || likely(v > (type)PY_SSIZE_T_MIN ||\ - v == (type)PY_SSIZE_T_MIN))) ||\ - (sizeof(type) == sizeof(Py_ssize_t) &&\ - (is_signed || likely(v < (type)PY_SSIZE_T_MAX ||\ - v == (type)PY_SSIZE_T_MAX))) ) -static CYTHON_INLINE int __Pyx_is_valid_index(Py_ssize_t i, Py_ssize_t limit) { - return (size_t) i < (size_t) limit; -} -#if defined (__cplusplus) && __cplusplus >= 201103L - #include - #define __Pyx_sst_abs(value) std::abs(value) -#elif SIZEOF_INT >= SIZEOF_SIZE_T - #define __Pyx_sst_abs(value) abs(value) -#elif SIZEOF_LONG >= SIZEOF_SIZE_T - #define __Pyx_sst_abs(value) labs(value) -#elif defined (_MSC_VER) - #define __Pyx_sst_abs(value) ((Py_ssize_t)_abs64(value)) -#elif defined (__STDC_VERSION__) && __STDC_VERSION__ >= 199901L - #define __Pyx_sst_abs(value) llabs(value) -#elif defined (__GNUC__) - #define __Pyx_sst_abs(value) __builtin_llabs(value) -#else - #define __Pyx_sst_abs(value) ((value<0) ? -value : value) -#endif -static CYTHON_INLINE Py_ssize_t __Pyx_ssize_strlen(const char *s); -static CYTHON_INLINE const char* __Pyx_PyObject_AsString(PyObject*); -static CYTHON_INLINE const char* __Pyx_PyObject_AsStringAndSize(PyObject*, Py_ssize_t* length); -static CYTHON_INLINE PyObject* __Pyx_PyByteArray_FromString(const char*); -#define __Pyx_PyByteArray_FromStringAndSize(s, l) PyByteArray_FromStringAndSize((const char*)s, l) -#define __Pyx_PyBytes_FromString PyBytes_FromString -#define __Pyx_PyBytes_FromStringAndSize PyBytes_FromStringAndSize -static CYTHON_INLINE PyObject* __Pyx_PyUnicode_FromString(const char*); -#if PY_MAJOR_VERSION < 3 - #define __Pyx_PyStr_FromString __Pyx_PyBytes_FromString - #define __Pyx_PyStr_FromStringAndSize __Pyx_PyBytes_FromStringAndSize -#else - #define __Pyx_PyStr_FromString __Pyx_PyUnicode_FromString - #define __Pyx_PyStr_FromStringAndSize __Pyx_PyUnicode_FromStringAndSize -#endif -#define __Pyx_PyBytes_AsWritableString(s) ((char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyBytes_AsWritableSString(s) ((signed char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyBytes_AsWritableUString(s) ((unsigned char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyBytes_AsString(s) ((const char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyBytes_AsSString(s) ((const signed char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyBytes_AsUString(s) ((const unsigned char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyObject_AsWritableString(s) ((char*)(__pyx_uintptr_t) __Pyx_PyObject_AsString(s)) -#define __Pyx_PyObject_AsWritableSString(s) ((signed char*)(__pyx_uintptr_t) __Pyx_PyObject_AsString(s)) -#define __Pyx_PyObject_AsWritableUString(s) ((unsigned char*)(__pyx_uintptr_t) __Pyx_PyObject_AsString(s)) -#define __Pyx_PyObject_AsSString(s) ((const signed char*) __Pyx_PyObject_AsString(s)) -#define __Pyx_PyObject_AsUString(s) ((const unsigned char*) __Pyx_PyObject_AsString(s)) -#define __Pyx_PyObject_FromCString(s) __Pyx_PyObject_FromString((const char*)s) -#define __Pyx_PyBytes_FromCString(s) __Pyx_PyBytes_FromString((const char*)s) -#define __Pyx_PyByteArray_FromCString(s) __Pyx_PyByteArray_FromString((const char*)s) -#define __Pyx_PyStr_FromCString(s) __Pyx_PyStr_FromString((const char*)s) -#define __Pyx_PyUnicode_FromCString(s) __Pyx_PyUnicode_FromString((const char*)s) -#if CYTHON_COMPILING_IN_LIMITED_API -static CYTHON_INLINE size_t __Pyx_Py_UNICODE_strlen(const wchar_t *u) -{ - const wchar_t *u_end = u; - while (*u_end++) ; - return (size_t)(u_end - u - 1); -} -#else -static CYTHON_INLINE size_t __Pyx_Py_UNICODE_strlen(const Py_UNICODE *u) -{ - const Py_UNICODE *u_end = u; - while (*u_end++) ; - return (size_t)(u_end - u - 1); -} -#endif -#define __Pyx_PyUnicode_FromOrdinal(o) PyUnicode_FromOrdinal((int)o) -#define __Pyx_PyUnicode_FromUnicode(u) PyUnicode_FromUnicode(u, __Pyx_Py_UNICODE_strlen(u)) -#define __Pyx_PyUnicode_FromUnicodeAndLength PyUnicode_FromUnicode -#define __Pyx_PyUnicode_AsUnicode PyUnicode_AsUnicode -#define __Pyx_NewRef(obj) (Py_INCREF(obj), obj) -#define __Pyx_Owned_Py_None(b) __Pyx_NewRef(Py_None) -static CYTHON_INLINE PyObject * __Pyx_PyBool_FromLong(long b); -static CYTHON_INLINE int __Pyx_PyObject_IsTrue(PyObject*); -static CYTHON_INLINE int __Pyx_PyObject_IsTrueAndDecref(PyObject*); -static CYTHON_INLINE PyObject* __Pyx_PyNumber_IntOrLong(PyObject* x); -#define __Pyx_PySequence_Tuple(obj)\ - (likely(PyTuple_CheckExact(obj)) ? __Pyx_NewRef(obj) : PySequence_Tuple(obj)) -static CYTHON_INLINE Py_ssize_t __Pyx_PyIndex_AsSsize_t(PyObject*); -static CYTHON_INLINE PyObject * __Pyx_PyInt_FromSize_t(size_t); -static CYTHON_INLINE Py_hash_t __Pyx_PyIndex_AsHash_t(PyObject*); -#if CYTHON_ASSUME_SAFE_MACROS -#define __pyx_PyFloat_AsDouble(x) (PyFloat_CheckExact(x) ? PyFloat_AS_DOUBLE(x) : PyFloat_AsDouble(x)) -#else -#define __pyx_PyFloat_AsDouble(x) PyFloat_AsDouble(x) -#endif -#define __pyx_PyFloat_AsFloat(x) ((float) __pyx_PyFloat_AsDouble(x)) -#if PY_MAJOR_VERSION >= 3 -#define __Pyx_PyNumber_Int(x) (PyLong_CheckExact(x) ? __Pyx_NewRef(x) : PyNumber_Long(x)) -#else -#define __Pyx_PyNumber_Int(x) (PyInt_CheckExact(x) ? __Pyx_NewRef(x) : PyNumber_Int(x)) -#endif -#if CYTHON_USE_PYLONG_INTERNALS - #if PY_VERSION_HEX >= 0x030C00A7 - #ifndef _PyLong_SIGN_MASK - #define _PyLong_SIGN_MASK 3 - #endif - #ifndef _PyLong_NON_SIZE_BITS - #define _PyLong_NON_SIZE_BITS 3 - #endif - #define __Pyx_PyLong_Sign(x) (((PyLongObject*)x)->long_value.lv_tag & _PyLong_SIGN_MASK) - #define __Pyx_PyLong_IsNeg(x) ((__Pyx_PyLong_Sign(x) & 2) != 0) - #define __Pyx_PyLong_IsNonNeg(x) (!__Pyx_PyLong_IsNeg(x)) - #define __Pyx_PyLong_IsZero(x) (__Pyx_PyLong_Sign(x) & 1) - #define __Pyx_PyLong_IsPos(x) (__Pyx_PyLong_Sign(x) == 0) - #define __Pyx_PyLong_CompactValueUnsigned(x) (__Pyx_PyLong_Digits(x)[0]) - #define __Pyx_PyLong_DigitCount(x) ((Py_ssize_t) (((PyLongObject*)x)->long_value.lv_tag >> _PyLong_NON_SIZE_BITS)) - #define __Pyx_PyLong_SignedDigitCount(x)\ - ((1 - (Py_ssize_t) __Pyx_PyLong_Sign(x)) * __Pyx_PyLong_DigitCount(x)) - #if defined(PyUnstable_Long_IsCompact) && defined(PyUnstable_Long_CompactValue) - #define __Pyx_PyLong_IsCompact(x) PyUnstable_Long_IsCompact((PyLongObject*) x) - #define __Pyx_PyLong_CompactValue(x) PyUnstable_Long_CompactValue((PyLongObject*) x) - #else - #define __Pyx_PyLong_IsCompact(x) (((PyLongObject*)x)->long_value.lv_tag < (2 << _PyLong_NON_SIZE_BITS)) - #define __Pyx_PyLong_CompactValue(x) ((1 - (Py_ssize_t) __Pyx_PyLong_Sign(x)) * (Py_ssize_t) __Pyx_PyLong_Digits(x)[0]) - #endif - typedef Py_ssize_t __Pyx_compact_pylong; - typedef size_t __Pyx_compact_upylong; - #else // Py < 3.12 - #define __Pyx_PyLong_IsNeg(x) (Py_SIZE(x) < 0) - #define __Pyx_PyLong_IsNonNeg(x) (Py_SIZE(x) >= 0) - #define __Pyx_PyLong_IsZero(x) (Py_SIZE(x) == 0) - #define __Pyx_PyLong_IsPos(x) (Py_SIZE(x) > 0) - #define __Pyx_PyLong_CompactValueUnsigned(x) ((Py_SIZE(x) == 0) ? 0 : __Pyx_PyLong_Digits(x)[0]) - #define __Pyx_PyLong_DigitCount(x) __Pyx_sst_abs(Py_SIZE(x)) - #define __Pyx_PyLong_SignedDigitCount(x) Py_SIZE(x) - #define __Pyx_PyLong_IsCompact(x) (Py_SIZE(x) == 0 || Py_SIZE(x) == 1 || Py_SIZE(x) == -1) - #define __Pyx_PyLong_CompactValue(x)\ - ((Py_SIZE(x) == 0) ? (sdigit) 0 : ((Py_SIZE(x) < 0) ? -(sdigit)__Pyx_PyLong_Digits(x)[0] : (sdigit)__Pyx_PyLong_Digits(x)[0])) - typedef sdigit __Pyx_compact_pylong; - typedef digit __Pyx_compact_upylong; - #endif - #if PY_VERSION_HEX >= 0x030C00A5 - #define __Pyx_PyLong_Digits(x) (((PyLongObject*)x)->long_value.ob_digit) - #else - #define __Pyx_PyLong_Digits(x) (((PyLongObject*)x)->ob_digit) - #endif -#endif -#if PY_MAJOR_VERSION < 3 && __PYX_DEFAULT_STRING_ENCODING_IS_ASCII -#include -static int __Pyx_sys_getdefaultencoding_not_ascii; -static int __Pyx_init_sys_getdefaultencoding_params(void) { - PyObject* sys; - PyObject* default_encoding = NULL; - PyObject* ascii_chars_u = NULL; - PyObject* ascii_chars_b = NULL; - const char* default_encoding_c; - sys = PyImport_ImportModule("sys"); - if (!sys) goto bad; - default_encoding = PyObject_CallMethod(sys, (char*) "getdefaultencoding", NULL); - Py_DECREF(sys); - if (!default_encoding) goto bad; - default_encoding_c = PyBytes_AsString(default_encoding); - if (!default_encoding_c) goto bad; - if (strcmp(default_encoding_c, "ascii") == 0) { - __Pyx_sys_getdefaultencoding_not_ascii = 0; - } else { - char ascii_chars[128]; - int c; - for (c = 0; c < 128; c++) { - ascii_chars[c] = (char) c; - } - __Pyx_sys_getdefaultencoding_not_ascii = 1; - ascii_chars_u = PyUnicode_DecodeASCII(ascii_chars, 128, NULL); - if (!ascii_chars_u) goto bad; - ascii_chars_b = PyUnicode_AsEncodedString(ascii_chars_u, default_encoding_c, NULL); - if (!ascii_chars_b || !PyBytes_Check(ascii_chars_b) || memcmp(ascii_chars, PyBytes_AS_STRING(ascii_chars_b), 128) != 0) { - PyErr_Format( - PyExc_ValueError, - "This module compiled with c_string_encoding=ascii, but default encoding '%.200s' is not a superset of ascii.", - default_encoding_c); - goto bad; - } - Py_DECREF(ascii_chars_u); - Py_DECREF(ascii_chars_b); - } - Py_DECREF(default_encoding); - return 0; -bad: - Py_XDECREF(default_encoding); - Py_XDECREF(ascii_chars_u); - Py_XDECREF(ascii_chars_b); - return -1; -} -#endif -#if __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT && PY_MAJOR_VERSION >= 3 -#define __Pyx_PyUnicode_FromStringAndSize(c_str, size) PyUnicode_DecodeUTF8(c_str, size, NULL) -#else -#define __Pyx_PyUnicode_FromStringAndSize(c_str, size) PyUnicode_Decode(c_str, size, __PYX_DEFAULT_STRING_ENCODING, NULL) -#if __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT -#include -static char* __PYX_DEFAULT_STRING_ENCODING; -static int __Pyx_init_sys_getdefaultencoding_params(void) { - PyObject* sys; - PyObject* default_encoding = NULL; - char* default_encoding_c; - sys = PyImport_ImportModule("sys"); - if (!sys) goto bad; - default_encoding = PyObject_CallMethod(sys, (char*) (const char*) "getdefaultencoding", NULL); - Py_DECREF(sys); - if (!default_encoding) goto bad; - default_encoding_c = PyBytes_AsString(default_encoding); - if (!default_encoding_c) goto bad; - __PYX_DEFAULT_STRING_ENCODING = (char*) malloc(strlen(default_encoding_c) + 1); - if (!__PYX_DEFAULT_STRING_ENCODING) goto bad; - strcpy(__PYX_DEFAULT_STRING_ENCODING, default_encoding_c); - Py_DECREF(default_encoding); - return 0; -bad: - Py_XDECREF(default_encoding); - return -1; -} -#endif -#endif - - -/* Test for GCC > 2.95 */ -#if defined(__GNUC__) && (__GNUC__ > 2 || (__GNUC__ == 2 && (__GNUC_MINOR__ > 95))) - #define likely(x) __builtin_expect(!!(x), 1) - #define unlikely(x) __builtin_expect(!!(x), 0) -#else /* !__GNUC__ or GCC < 2.95 */ - #define likely(x) (x) - #define unlikely(x) (x) -#endif /* __GNUC__ */ -static CYTHON_INLINE void __Pyx_pretend_to_initialize(void* ptr) { (void)ptr; } - -#if !CYTHON_USE_MODULE_STATE -static PyObject *__pyx_m = NULL; -#endif -static int __pyx_lineno; -static int __pyx_clineno = 0; -static const char * __pyx_cfilenm = __FILE__; -static const char *__pyx_filename; - -/* Header.proto */ -#if !defined(CYTHON_CCOMPLEX) - #if defined(__cplusplus) - #define CYTHON_CCOMPLEX 1 - #elif (defined(_Complex_I) && !defined(_MSC_VER)) || ((defined (__STDC_VERSION__) && __STDC_VERSION__ >= 201112L) && !defined(__STDC_NO_COMPLEX__)) - #define CYTHON_CCOMPLEX 1 - #else - #define CYTHON_CCOMPLEX 0 - #endif -#endif -#if CYTHON_CCOMPLEX - #ifdef __cplusplus - #include - #else - #include - #endif -#endif -#if CYTHON_CCOMPLEX && !defined(__cplusplus) && defined(__sun__) && defined(__GNUC__) - #undef _Complex_I - #define _Complex_I 1.0fj -#endif - -/* #### Code section: filename_table ### */ - -static const char *__pyx_f[] = { - "fast_grid/potential/gaussian.pyx", - "__init__.cython-30.pxd", - "type.pxd", -}; -/* #### Code section: utility_code_proto_before_types ### */ -/* ForceInitThreads.proto */ -#ifndef __PYX_FORCE_INIT_THREADS - #define __PYX_FORCE_INIT_THREADS 0 -#endif - -/* BufferFormatStructs.proto */ -struct __Pyx_StructField_; -#define __PYX_BUF_FLAGS_PACKED_STRUCT (1 << 0) -typedef struct { - const char* name; - struct __Pyx_StructField_* fields; - size_t size; - size_t arraysize[8]; - int ndim; - char typegroup; - char is_unsigned; - int flags; -} __Pyx_TypeInfo; -typedef struct __Pyx_StructField_ { - __Pyx_TypeInfo* type; - const char* name; - size_t offset; -} __Pyx_StructField; -typedef struct { - __Pyx_StructField* field; - size_t parent_offset; -} __Pyx_BufFmt_StackElem; -typedef struct { - __Pyx_StructField root; - __Pyx_BufFmt_StackElem* head; - size_t fmt_offset; - size_t new_count, enc_count; - size_t struct_alignment; - int is_complex; - char enc_type; - char new_packmode; - char enc_packmode; - char is_valid_array; -} __Pyx_BufFmt_Context; - -/* NoFastGil.proto */ -#define __Pyx_PyGILState_Ensure PyGILState_Ensure -#define __Pyx_PyGILState_Release PyGILState_Release -#define __Pyx_FastGIL_Remember() -#define __Pyx_FastGIL_Forget() -#define __Pyx_FastGilFuncInit() - -/* #### Code section: numeric_typedefs ### */ - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":730 - * # in Cython to enable them only on the right systems. - * - * ctypedef npy_int8 int8_t # <<<<<<<<<<<<<< - * ctypedef npy_int16 int16_t - * ctypedef npy_int32 int32_t - */ -typedef npy_int8 __pyx_t_5numpy_int8_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":731 - * - * ctypedef npy_int8 int8_t - * ctypedef npy_int16 int16_t # <<<<<<<<<<<<<< - * ctypedef npy_int32 int32_t - * ctypedef npy_int64 int64_t - */ -typedef npy_int16 __pyx_t_5numpy_int16_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":732 - * ctypedef npy_int8 int8_t - * ctypedef npy_int16 int16_t - * ctypedef npy_int32 int32_t # <<<<<<<<<<<<<< - * ctypedef npy_int64 int64_t - * #ctypedef npy_int96 int96_t - */ -typedef npy_int32 __pyx_t_5numpy_int32_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":733 - * ctypedef npy_int16 int16_t - * ctypedef npy_int32 int32_t - * ctypedef npy_int64 int64_t # <<<<<<<<<<<<<< - * #ctypedef npy_int96 int96_t - * #ctypedef npy_int128 int128_t - */ -typedef npy_int64 __pyx_t_5numpy_int64_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":737 - * #ctypedef npy_int128 int128_t - * - * ctypedef npy_uint8 uint8_t # <<<<<<<<<<<<<< - * ctypedef npy_uint16 uint16_t - * ctypedef npy_uint32 uint32_t - */ -typedef npy_uint8 __pyx_t_5numpy_uint8_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":738 - * - * ctypedef npy_uint8 uint8_t - * ctypedef npy_uint16 uint16_t # <<<<<<<<<<<<<< - * ctypedef npy_uint32 uint32_t - * ctypedef npy_uint64 uint64_t - */ -typedef npy_uint16 __pyx_t_5numpy_uint16_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":739 - * ctypedef npy_uint8 uint8_t - * ctypedef npy_uint16 uint16_t - * ctypedef npy_uint32 uint32_t # <<<<<<<<<<<<<< - * ctypedef npy_uint64 uint64_t - * #ctypedef npy_uint96 uint96_t - */ -typedef npy_uint32 __pyx_t_5numpy_uint32_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":740 - * ctypedef npy_uint16 uint16_t - * ctypedef npy_uint32 uint32_t - * ctypedef npy_uint64 uint64_t # <<<<<<<<<<<<<< - * #ctypedef npy_uint96 uint96_t - * #ctypedef npy_uint128 uint128_t - */ -typedef npy_uint64 __pyx_t_5numpy_uint64_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":744 - * #ctypedef npy_uint128 uint128_t - * - * ctypedef npy_float32 float32_t # <<<<<<<<<<<<<< - * ctypedef npy_float64 float64_t - * #ctypedef npy_float80 float80_t - */ -typedef npy_float32 __pyx_t_5numpy_float32_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":745 - * - * ctypedef npy_float32 float32_t - * ctypedef npy_float64 float64_t # <<<<<<<<<<<<<< - * #ctypedef npy_float80 float80_t - * #ctypedef npy_float128 float128_t - */ -typedef npy_float64 __pyx_t_5numpy_float64_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":754 - * # The int types are mapped a bit surprising -- - * # numpy.int corresponds to 'l' and numpy.long to 'q' - * ctypedef npy_long int_t # <<<<<<<<<<<<<< - * ctypedef npy_longlong longlong_t - * - */ -typedef npy_long __pyx_t_5numpy_int_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":755 - * # numpy.int corresponds to 'l' and numpy.long to 'q' - * ctypedef npy_long int_t - * ctypedef npy_longlong longlong_t # <<<<<<<<<<<<<< - * - * ctypedef npy_ulong uint_t - */ -typedef npy_longlong __pyx_t_5numpy_longlong_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":757 - * ctypedef npy_longlong longlong_t - * - * ctypedef npy_ulong uint_t # <<<<<<<<<<<<<< - * ctypedef npy_ulonglong ulonglong_t - * - */ -typedef npy_ulong __pyx_t_5numpy_uint_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":758 - * - * ctypedef npy_ulong uint_t - * ctypedef npy_ulonglong ulonglong_t # <<<<<<<<<<<<<< - * - * ctypedef npy_intp intp_t - */ -typedef npy_ulonglong __pyx_t_5numpy_ulonglong_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":760 - * ctypedef npy_ulonglong ulonglong_t - * - * ctypedef npy_intp intp_t # <<<<<<<<<<<<<< - * ctypedef npy_uintp uintp_t - * - */ -typedef npy_intp __pyx_t_5numpy_intp_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":761 - * - * ctypedef npy_intp intp_t - * ctypedef npy_uintp uintp_t # <<<<<<<<<<<<<< - * - * ctypedef npy_double float_t - */ -typedef npy_uintp __pyx_t_5numpy_uintp_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":763 - * ctypedef npy_uintp uintp_t - * - * ctypedef npy_double float_t # <<<<<<<<<<<<<< - * ctypedef npy_double double_t - * ctypedef npy_longdouble longdouble_t - */ -typedef npy_double __pyx_t_5numpy_float_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":764 - * - * ctypedef npy_double float_t - * ctypedef npy_double double_t # <<<<<<<<<<<<<< - * ctypedef npy_longdouble longdouble_t - * - */ -typedef npy_double __pyx_t_5numpy_double_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":765 - * ctypedef npy_double float_t - * ctypedef npy_double double_t - * ctypedef npy_longdouble longdouble_t # <<<<<<<<<<<<<< - * - * ctypedef npy_cfloat cfloat_t - */ -typedef npy_longdouble __pyx_t_5numpy_longdouble_t; -/* #### Code section: complex_type_declarations ### */ -/* Declarations.proto */ -#if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #ifdef __cplusplus - typedef ::std::complex< float > __pyx_t_float_complex; - #else - typedef float _Complex __pyx_t_float_complex; - #endif -#else - typedef struct { float real, imag; } __pyx_t_float_complex; -#endif -static CYTHON_INLINE __pyx_t_float_complex __pyx_t_float_complex_from_parts(float, float); - -/* Declarations.proto */ -#if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #ifdef __cplusplus - typedef ::std::complex< double > __pyx_t_double_complex; - #else - typedef double _Complex __pyx_t_double_complex; - #endif -#else - typedef struct { double real, imag; } __pyx_t_double_complex; -#endif -static CYTHON_INLINE __pyx_t_double_complex __pyx_t_double_complex_from_parts(double, double); - -/* #### Code section: type_declarations ### */ - -/*--- Type declarations ---*/ - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":767 - * ctypedef npy_longdouble longdouble_t - * - * ctypedef npy_cfloat cfloat_t # <<<<<<<<<<<<<< - * ctypedef npy_cdouble cdouble_t - * ctypedef npy_clongdouble clongdouble_t - */ -typedef npy_cfloat __pyx_t_5numpy_cfloat_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":768 - * - * ctypedef npy_cfloat cfloat_t - * ctypedef npy_cdouble cdouble_t # <<<<<<<<<<<<<< - * ctypedef npy_clongdouble clongdouble_t - * - */ -typedef npy_cdouble __pyx_t_5numpy_cdouble_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":769 - * ctypedef npy_cfloat cfloat_t - * ctypedef npy_cdouble cdouble_t - * ctypedef npy_clongdouble clongdouble_t # <<<<<<<<<<<<<< - * - * ctypedef npy_cdouble complex_t - */ -typedef npy_clongdouble __pyx_t_5numpy_clongdouble_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":771 - * ctypedef npy_clongdouble clongdouble_t - * - * ctypedef npy_cdouble complex_t # <<<<<<<<<<<<<< - * - * cdef inline object PyArray_MultiIterNew1(a): - */ -typedef npy_cdouble __pyx_t_5numpy_complex_t; -/* #### Code section: utility_code_proto ### */ - -/* --- Runtime support code (head) --- */ -/* Refnanny.proto */ -#ifndef CYTHON_REFNANNY - #define CYTHON_REFNANNY 0 -#endif -#if CYTHON_REFNANNY - typedef struct { - void (*INCREF)(void*, PyObject*, Py_ssize_t); - void (*DECREF)(void*, PyObject*, Py_ssize_t); - void (*GOTREF)(void*, PyObject*, Py_ssize_t); - void (*GIVEREF)(void*, PyObject*, Py_ssize_t); - void* (*SetupContext)(const char*, Py_ssize_t, const char*); - void (*FinishContext)(void**); - } __Pyx_RefNannyAPIStruct; - static __Pyx_RefNannyAPIStruct *__Pyx_RefNanny = NULL; - static __Pyx_RefNannyAPIStruct *__Pyx_RefNannyImportAPI(const char *modname); - #define __Pyx_RefNannyDeclarations void *__pyx_refnanny = NULL; -#ifdef WITH_THREAD - #define __Pyx_RefNannySetupContext(name, acquire_gil)\ - if (acquire_gil) {\ - PyGILState_STATE __pyx_gilstate_save = PyGILState_Ensure();\ - __pyx_refnanny = __Pyx_RefNanny->SetupContext((name), (__LINE__), (__FILE__));\ - PyGILState_Release(__pyx_gilstate_save);\ - } else {\ - __pyx_refnanny = __Pyx_RefNanny->SetupContext((name), (__LINE__), (__FILE__));\ - } - #define __Pyx_RefNannyFinishContextNogil() {\ - PyGILState_STATE __pyx_gilstate_save = PyGILState_Ensure();\ - __Pyx_RefNannyFinishContext();\ - PyGILState_Release(__pyx_gilstate_save);\ - } -#else - #define __Pyx_RefNannySetupContext(name, acquire_gil)\ - __pyx_refnanny = __Pyx_RefNanny->SetupContext((name), (__LINE__), (__FILE__)) - #define __Pyx_RefNannyFinishContextNogil() __Pyx_RefNannyFinishContext() -#endif - #define __Pyx_RefNannyFinishContextNogil() {\ - PyGILState_STATE __pyx_gilstate_save = PyGILState_Ensure();\ - __Pyx_RefNannyFinishContext();\ - PyGILState_Release(__pyx_gilstate_save);\ - } - #define __Pyx_RefNannyFinishContext()\ - __Pyx_RefNanny->FinishContext(&__pyx_refnanny) - #define __Pyx_INCREF(r) __Pyx_RefNanny->INCREF(__pyx_refnanny, (PyObject *)(r), (__LINE__)) - #define __Pyx_DECREF(r) __Pyx_RefNanny->DECREF(__pyx_refnanny, (PyObject *)(r), (__LINE__)) - #define __Pyx_GOTREF(r) __Pyx_RefNanny->GOTREF(__pyx_refnanny, (PyObject *)(r), (__LINE__)) - #define __Pyx_GIVEREF(r) __Pyx_RefNanny->GIVEREF(__pyx_refnanny, (PyObject *)(r), (__LINE__)) - #define __Pyx_XINCREF(r) do { if((r) == NULL); else {__Pyx_INCREF(r); }} while(0) - #define __Pyx_XDECREF(r) do { if((r) == NULL); else {__Pyx_DECREF(r); }} while(0) - #define __Pyx_XGOTREF(r) do { if((r) == NULL); else {__Pyx_GOTREF(r); }} while(0) - #define __Pyx_XGIVEREF(r) do { if((r) == NULL); else {__Pyx_GIVEREF(r);}} while(0) -#else - #define __Pyx_RefNannyDeclarations - #define __Pyx_RefNannySetupContext(name, acquire_gil) - #define __Pyx_RefNannyFinishContextNogil() - #define __Pyx_RefNannyFinishContext() - #define __Pyx_INCREF(r) Py_INCREF(r) - #define __Pyx_DECREF(r) Py_DECREF(r) - #define __Pyx_GOTREF(r) - #define __Pyx_GIVEREF(r) - #define __Pyx_XINCREF(r) Py_XINCREF(r) - #define __Pyx_XDECREF(r) Py_XDECREF(r) - #define __Pyx_XGOTREF(r) - #define __Pyx_XGIVEREF(r) -#endif -#define __Pyx_Py_XDECREF_SET(r, v) do {\ - PyObject *tmp = (PyObject *) r;\ - r = v; Py_XDECREF(tmp);\ - } while (0) -#define __Pyx_XDECREF_SET(r, v) do {\ - PyObject *tmp = (PyObject *) r;\ - r = v; __Pyx_XDECREF(tmp);\ - } while (0) -#define __Pyx_DECREF_SET(r, v) do {\ - PyObject *tmp = (PyObject *) r;\ - r = v; __Pyx_DECREF(tmp);\ - } while (0) -#define __Pyx_CLEAR(r) do { PyObject* tmp = ((PyObject*)(r)); r = NULL; __Pyx_DECREF(tmp);} while(0) -#define __Pyx_XCLEAR(r) do { if((r) != NULL) {PyObject* tmp = ((PyObject*)(r)); r = NULL; __Pyx_DECREF(tmp);}} while(0) - -/* PyErrExceptionMatches.proto */ -#if CYTHON_FAST_THREAD_STATE -#define __Pyx_PyErr_ExceptionMatches(err) __Pyx_PyErr_ExceptionMatchesInState(__pyx_tstate, err) -static CYTHON_INLINE int __Pyx_PyErr_ExceptionMatchesInState(PyThreadState* tstate, PyObject* err); -#else -#define __Pyx_PyErr_ExceptionMatches(err) PyErr_ExceptionMatches(err) -#endif - -/* PyThreadStateGet.proto */ -#if CYTHON_FAST_THREAD_STATE -#define __Pyx_PyThreadState_declare PyThreadState *__pyx_tstate; -#define __Pyx_PyThreadState_assign __pyx_tstate = __Pyx_PyThreadState_Current; -#if PY_VERSION_HEX >= 0x030C00A6 -#define __Pyx_PyErr_Occurred() (__pyx_tstate->current_exception != NULL) -#define __Pyx_PyErr_CurrentExceptionType() (__pyx_tstate->current_exception ? (PyObject*) Py_TYPE(__pyx_tstate->current_exception) : (PyObject*) NULL) -#else -#define __Pyx_PyErr_Occurred() (__pyx_tstate->curexc_type != NULL) -#define __Pyx_PyErr_CurrentExceptionType() (__pyx_tstate->curexc_type) -#endif -#else -#define __Pyx_PyThreadState_declare -#define __Pyx_PyThreadState_assign -#define __Pyx_PyErr_Occurred() (PyErr_Occurred() != NULL) -#define __Pyx_PyErr_CurrentExceptionType() PyErr_Occurred() -#endif - -/* PyErrFetchRestore.proto */ -#if CYTHON_FAST_THREAD_STATE -#define __Pyx_PyErr_Clear() __Pyx_ErrRestore(NULL, NULL, NULL) -#define __Pyx_ErrRestoreWithState(type, value, tb) __Pyx_ErrRestoreInState(PyThreadState_GET(), type, value, tb) -#define __Pyx_ErrFetchWithState(type, value, tb) __Pyx_ErrFetchInState(PyThreadState_GET(), type, value, tb) -#define __Pyx_ErrRestore(type, value, tb) __Pyx_ErrRestoreInState(__pyx_tstate, type, value, tb) -#define __Pyx_ErrFetch(type, value, tb) __Pyx_ErrFetchInState(__pyx_tstate, type, value, tb) -static CYTHON_INLINE void __Pyx_ErrRestoreInState(PyThreadState *tstate, PyObject *type, PyObject *value, PyObject *tb); -static CYTHON_INLINE void __Pyx_ErrFetchInState(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb); -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX < 0x030C00A6 -#define __Pyx_PyErr_SetNone(exc) (Py_INCREF(exc), __Pyx_ErrRestore((exc), NULL, NULL)) -#else -#define __Pyx_PyErr_SetNone(exc) PyErr_SetNone(exc) -#endif -#else -#define __Pyx_PyErr_Clear() PyErr_Clear() -#define __Pyx_PyErr_SetNone(exc) PyErr_SetNone(exc) -#define __Pyx_ErrRestoreWithState(type, value, tb) PyErr_Restore(type, value, tb) -#define __Pyx_ErrFetchWithState(type, value, tb) PyErr_Fetch(type, value, tb) -#define __Pyx_ErrRestoreInState(tstate, type, value, tb) PyErr_Restore(type, value, tb) -#define __Pyx_ErrFetchInState(tstate, type, value, tb) PyErr_Fetch(type, value, tb) -#define __Pyx_ErrRestore(type, value, tb) PyErr_Restore(type, value, tb) -#define __Pyx_ErrFetch(type, value, tb) PyErr_Fetch(type, value, tb) -#endif - -/* PyObjectGetAttrStr.proto */ -#if CYTHON_USE_TYPE_SLOTS -static CYTHON_INLINE PyObject* __Pyx_PyObject_GetAttrStr(PyObject* obj, PyObject* attr_name); -#else -#define __Pyx_PyObject_GetAttrStr(o,n) PyObject_GetAttr(o,n) -#endif - -/* PyObjectGetAttrStrNoError.proto */ -static CYTHON_INLINE PyObject* __Pyx_PyObject_GetAttrStrNoError(PyObject* obj, PyObject* attr_name); - -/* GetBuiltinName.proto */ -static PyObject *__Pyx_GetBuiltinName(PyObject *name); - -/* GetTopmostException.proto */ -#if CYTHON_USE_EXC_INFO_STACK && CYTHON_FAST_THREAD_STATE -static _PyErr_StackItem * __Pyx_PyErr_GetTopmostException(PyThreadState *tstate); -#endif - -/* SaveResetException.proto */ -#if CYTHON_FAST_THREAD_STATE -#define __Pyx_ExceptionSave(type, value, tb) __Pyx__ExceptionSave(__pyx_tstate, type, value, tb) -static CYTHON_INLINE void __Pyx__ExceptionSave(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb); -#define __Pyx_ExceptionReset(type, value, tb) __Pyx__ExceptionReset(__pyx_tstate, type, value, tb) -static CYTHON_INLINE void __Pyx__ExceptionReset(PyThreadState *tstate, PyObject *type, PyObject *value, PyObject *tb); -#else -#define __Pyx_ExceptionSave(type, value, tb) PyErr_GetExcInfo(type, value, tb) -#define __Pyx_ExceptionReset(type, value, tb) PyErr_SetExcInfo(type, value, tb) -#endif - -/* GetException.proto */ -#if CYTHON_FAST_THREAD_STATE -#define __Pyx_GetException(type, value, tb) __Pyx__GetException(__pyx_tstate, type, value, tb) -static int __Pyx__GetException(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb); -#else -static int __Pyx_GetException(PyObject **type, PyObject **value, PyObject **tb); -#endif - -/* PyObjectCall.proto */ -#if CYTHON_COMPILING_IN_CPYTHON -static CYTHON_INLINE PyObject* __Pyx_PyObject_Call(PyObject *func, PyObject *arg, PyObject *kw); -#else -#define __Pyx_PyObject_Call(func, arg, kw) PyObject_Call(func, arg, kw) -#endif - -/* RaiseException.proto */ -static void __Pyx_Raise(PyObject *type, PyObject *value, PyObject *tb, PyObject *cause); - -/* TupleAndListFromArray.proto */ -#if CYTHON_COMPILING_IN_CPYTHON -static CYTHON_INLINE PyObject* __Pyx_PyList_FromArray(PyObject *const *src, Py_ssize_t n); -static CYTHON_INLINE PyObject* __Pyx_PyTuple_FromArray(PyObject *const *src, Py_ssize_t n); -#endif - -/* IncludeStringH.proto */ -#include - -/* BytesEquals.proto */ -static CYTHON_INLINE int __Pyx_PyBytes_Equals(PyObject* s1, PyObject* s2, int equals); - -/* UnicodeEquals.proto */ -static CYTHON_INLINE int __Pyx_PyUnicode_Equals(PyObject* s1, PyObject* s2, int equals); - -/* fastcall.proto */ -#if CYTHON_AVOID_BORROWED_REFS - #define __Pyx_Arg_VARARGS(args, i) PySequence_GetItem(args, i) -#elif CYTHON_ASSUME_SAFE_MACROS - #define __Pyx_Arg_VARARGS(args, i) PyTuple_GET_ITEM(args, i) -#else - #define __Pyx_Arg_VARARGS(args, i) PyTuple_GetItem(args, i) -#endif -#if CYTHON_AVOID_BORROWED_REFS - #define __Pyx_Arg_NewRef_VARARGS(arg) __Pyx_NewRef(arg) - #define __Pyx_Arg_XDECREF_VARARGS(arg) Py_XDECREF(arg) -#else - #define __Pyx_Arg_NewRef_VARARGS(arg) arg // no-op - #define __Pyx_Arg_XDECREF_VARARGS(arg) // no-op - arg is borrowed -#endif -#define __Pyx_NumKwargs_VARARGS(kwds) PyDict_Size(kwds) -#define __Pyx_KwValues_VARARGS(args, nargs) NULL -#define __Pyx_GetKwValue_VARARGS(kw, kwvalues, s) __Pyx_PyDict_GetItemStrWithError(kw, s) -#define __Pyx_KwargsAsDict_VARARGS(kw, kwvalues) PyDict_Copy(kw) -#if CYTHON_METH_FASTCALL - #define __Pyx_Arg_FASTCALL(args, i) args[i] - #define __Pyx_NumKwargs_FASTCALL(kwds) PyTuple_GET_SIZE(kwds) - #define __Pyx_KwValues_FASTCALL(args, nargs) ((args) + (nargs)) - static CYTHON_INLINE PyObject * __Pyx_GetKwValue_FASTCALL(PyObject *kwnames, PyObject *const *kwvalues, PyObject *s); -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX >= 0x030d0000 - static CYTHON_UNUSED PyObject *__Pyx_KwargsAsDict_FASTCALL(PyObject *kwnames, PyObject *const *kwvalues); - #else - #define __Pyx_KwargsAsDict_FASTCALL(kw, kwvalues) _PyStack_AsDict(kwvalues, kw) - #endif - #define __Pyx_Arg_NewRef_FASTCALL(arg) arg // no-op, __Pyx_Arg_FASTCALL is direct and this needs - #define __Pyx_Arg_XDECREF_FASTCALL(arg) // no-op - arg was returned from array -#else - #define __Pyx_Arg_FASTCALL __Pyx_Arg_VARARGS - #define __Pyx_NumKwargs_FASTCALL __Pyx_NumKwargs_VARARGS - #define __Pyx_KwValues_FASTCALL __Pyx_KwValues_VARARGS - #define __Pyx_GetKwValue_FASTCALL __Pyx_GetKwValue_VARARGS - #define __Pyx_KwargsAsDict_FASTCALL __Pyx_KwargsAsDict_VARARGS - #define __Pyx_Arg_NewRef_FASTCALL(arg) __Pyx_Arg_NewRef_VARARGS(arg) - #define __Pyx_Arg_XDECREF_FASTCALL(arg) __Pyx_Arg_XDECREF_VARARGS(arg) -#endif -#if CYTHON_COMPILING_IN_CPYTHON && CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS -#define __Pyx_ArgsSlice_VARARGS(args, start, stop) __Pyx_PyTuple_FromArray(&__Pyx_Arg_VARARGS(args, start), stop - start) -#define __Pyx_ArgsSlice_FASTCALL(args, start, stop) __Pyx_PyTuple_FromArray(&__Pyx_Arg_FASTCALL(args, start), stop - start) -#else -#define __Pyx_ArgsSlice_VARARGS(args, start, stop) PyTuple_GetSlice(args, start, stop) -#define __Pyx_ArgsSlice_FASTCALL(args, start, stop) PyTuple_GetSlice(args, start, stop) -#endif - -/* RaiseArgTupleInvalid.proto */ -static void __Pyx_RaiseArgtupleInvalid(const char* func_name, int exact, - Py_ssize_t num_min, Py_ssize_t num_max, Py_ssize_t num_found); - -/* RaiseDoubleKeywords.proto */ -static void __Pyx_RaiseDoubleKeywordsError(const char* func_name, PyObject* kw_name); - -/* ParseKeywords.proto */ -static int __Pyx_ParseOptionalKeywords(PyObject *kwds, PyObject *const *kwvalues, - PyObject **argnames[], - PyObject *kwds2, PyObject *values[], Py_ssize_t num_pos_args, - const char* function_name); - -/* ArgTypeTest.proto */ -#define __Pyx_ArgTypeTest(obj, type, none_allowed, name, exact)\ - ((likely(__Pyx_IS_TYPE(obj, type) | (none_allowed && (obj == Py_None)))) ? 1 :\ - __Pyx__ArgTypeTest(obj, type, name, exact)) -static int __Pyx__ArgTypeTest(PyObject *obj, PyTypeObject *type, const char *name, int exact); - -/* IsLittleEndian.proto */ -static CYTHON_INLINE int __Pyx_Is_Little_Endian(void); - -/* BufferFormatCheck.proto */ -static const char* __Pyx_BufFmt_CheckString(__Pyx_BufFmt_Context* ctx, const char* ts); -static void __Pyx_BufFmt_Init(__Pyx_BufFmt_Context* ctx, - __Pyx_BufFmt_StackElem* stack, - __Pyx_TypeInfo* type); - -/* BufferGetAndValidate.proto */ -#define __Pyx_GetBufferAndValidate(buf, obj, dtype, flags, nd, cast, stack)\ - ((obj == Py_None || obj == NULL) ?\ - (__Pyx_ZeroBuffer(buf), 0) :\ - __Pyx__GetBufferAndValidate(buf, obj, dtype, flags, nd, cast, stack)) -static int __Pyx__GetBufferAndValidate(Py_buffer* buf, PyObject* obj, - __Pyx_TypeInfo* dtype, int flags, int nd, int cast, __Pyx_BufFmt_StackElem* stack); -static void __Pyx_ZeroBuffer(Py_buffer* buf); -static CYTHON_INLINE void __Pyx_SafeReleaseBuffer(Py_buffer* info); -static Py_ssize_t __Pyx_minusones[] = { -1, -1, -1, -1, -1, -1, -1, -1 }; -static Py_ssize_t __Pyx_zeros[] = { 0, 0, 0, 0, 0, 0, 0, 0 }; - -#define __Pyx_BufPtrStrided2d(type, buf, i0, s0, i1, s1) (type)((char*)buf + i0 * s0 + i1 * s1) -#define __Pyx_BufPtrStrided1d(type, buf, i0, s0) (type)((char*)buf + i0 * s0) -/* TypeImport.proto */ -#ifndef __PYX_HAVE_RT_ImportType_proto_3_0_5 -#define __PYX_HAVE_RT_ImportType_proto_3_0_5 -#if defined (__STDC_VERSION__) && __STDC_VERSION__ >= 201112L -#include -#endif -#if (defined (__STDC_VERSION__) && __STDC_VERSION__ >= 201112L) || __cplusplus >= 201103L -#define __PYX_GET_STRUCT_ALIGNMENT_3_0_5(s) alignof(s) -#else -#define __PYX_GET_STRUCT_ALIGNMENT_3_0_5(s) sizeof(void*) -#endif -enum __Pyx_ImportType_CheckSize_3_0_5 { - __Pyx_ImportType_CheckSize_Error_3_0_5 = 0, - __Pyx_ImportType_CheckSize_Warn_3_0_5 = 1, - __Pyx_ImportType_CheckSize_Ignore_3_0_5 = 2 -}; -static PyTypeObject *__Pyx_ImportType_3_0_5(PyObject* module, const char *module_name, const char *class_name, size_t size, size_t alignment, enum __Pyx_ImportType_CheckSize_3_0_5 check_size); -#endif - -/* Import.proto */ -static PyObject *__Pyx_Import(PyObject *name, PyObject *from_list, int level); - -/* ImportDottedModule.proto */ -static PyObject *__Pyx_ImportDottedModule(PyObject *name, PyObject *parts_tuple); -#if PY_MAJOR_VERSION >= 3 -static PyObject *__Pyx_ImportDottedModule_WalkParts(PyObject *module, PyObject *name, PyObject *parts_tuple); -#endif - -/* IncludeStructmemberH.proto */ -#include - -/* FixUpExtensionType.proto */ -#if CYTHON_USE_TYPE_SPECS -static int __Pyx_fix_up_extension_type_from_spec(PyType_Spec *spec, PyTypeObject *type); -#endif - -/* FetchSharedCythonModule.proto */ -static PyObject *__Pyx_FetchSharedCythonABIModule(void); - -/* FetchCommonType.proto */ -#if !CYTHON_USE_TYPE_SPECS -static PyTypeObject* __Pyx_FetchCommonType(PyTypeObject* type); -#else -static PyTypeObject* __Pyx_FetchCommonTypeFromSpec(PyObject *module, PyType_Spec *spec, PyObject *bases); -#endif - -/* PyMethodNew.proto */ -#if CYTHON_COMPILING_IN_LIMITED_API -static PyObject *__Pyx_PyMethod_New(PyObject *func, PyObject *self, PyObject *typ) { - PyObject *typesModule=NULL, *methodType=NULL, *result=NULL; - CYTHON_UNUSED_VAR(typ); - if (!self) - return __Pyx_NewRef(func); - typesModule = PyImport_ImportModule("types"); - if (!typesModule) return NULL; - methodType = PyObject_GetAttrString(typesModule, "MethodType"); - Py_DECREF(typesModule); - if (!methodType) return NULL; - result = PyObject_CallFunctionObjArgs(methodType, func, self, NULL); - Py_DECREF(methodType); - return result; -} -#elif PY_MAJOR_VERSION >= 3 -static PyObject *__Pyx_PyMethod_New(PyObject *func, PyObject *self, PyObject *typ) { - CYTHON_UNUSED_VAR(typ); - if (!self) - return __Pyx_NewRef(func); - return PyMethod_New(func, self); -} -#else - #define __Pyx_PyMethod_New PyMethod_New -#endif - -/* PyVectorcallFastCallDict.proto */ -#if CYTHON_METH_FASTCALL -static CYTHON_INLINE PyObject *__Pyx_PyVectorcall_FastCallDict(PyObject *func, __pyx_vectorcallfunc vc, PyObject *const *args, size_t nargs, PyObject *kw); -#endif - -/* CythonFunctionShared.proto */ -#define __Pyx_CyFunction_USED -#define __Pyx_CYFUNCTION_STATICMETHOD 0x01 -#define __Pyx_CYFUNCTION_CLASSMETHOD 0x02 -#define __Pyx_CYFUNCTION_CCLASS 0x04 -#define __Pyx_CYFUNCTION_COROUTINE 0x08 -#define __Pyx_CyFunction_GetClosure(f)\ - (((__pyx_CyFunctionObject *) (f))->func_closure) -#if PY_VERSION_HEX < 0x030900B1 || CYTHON_COMPILING_IN_LIMITED_API - #define __Pyx_CyFunction_GetClassObj(f)\ - (((__pyx_CyFunctionObject *) (f))->func_classobj) -#else - #define __Pyx_CyFunction_GetClassObj(f)\ - ((PyObject*) ((PyCMethodObject *) (f))->mm_class) -#endif -#define __Pyx_CyFunction_SetClassObj(f, classobj)\ - __Pyx__CyFunction_SetClassObj((__pyx_CyFunctionObject *) (f), (classobj)) -#define __Pyx_CyFunction_Defaults(type, f)\ - ((type *)(((__pyx_CyFunctionObject *) (f))->defaults)) -#define __Pyx_CyFunction_SetDefaultsGetter(f, g)\ - ((__pyx_CyFunctionObject *) (f))->defaults_getter = (g) -typedef struct { -#if CYTHON_COMPILING_IN_LIMITED_API - PyObject_HEAD - PyObject *func; -#elif PY_VERSION_HEX < 0x030900B1 - PyCFunctionObject func; -#else - PyCMethodObject func; -#endif -#if CYTHON_BACKPORT_VECTORCALL - __pyx_vectorcallfunc func_vectorcall; -#endif -#if PY_VERSION_HEX < 0x030500A0 || CYTHON_COMPILING_IN_LIMITED_API - PyObject *func_weakreflist; -#endif - PyObject *func_dict; - PyObject *func_name; - PyObject *func_qualname; - PyObject *func_doc; - PyObject *func_globals; - PyObject *func_code; - PyObject *func_closure; -#if PY_VERSION_HEX < 0x030900B1 || CYTHON_COMPILING_IN_LIMITED_API - PyObject *func_classobj; -#endif - void *defaults; - int defaults_pyobjects; - size_t defaults_size; // used by FusedFunction for copying defaults - int flags; - PyObject *defaults_tuple; - PyObject *defaults_kwdict; - PyObject *(*defaults_getter)(PyObject *); - PyObject *func_annotations; - PyObject *func_is_coroutine; -} __pyx_CyFunctionObject; -#undef __Pyx_CyOrPyCFunction_Check -#define __Pyx_CyFunction_Check(obj) __Pyx_TypeCheck(obj, __pyx_CyFunctionType) -#define __Pyx_CyOrPyCFunction_Check(obj) __Pyx_TypeCheck2(obj, __pyx_CyFunctionType, &PyCFunction_Type) -#define __Pyx_CyFunction_CheckExact(obj) __Pyx_IS_TYPE(obj, __pyx_CyFunctionType) -static CYTHON_INLINE int __Pyx__IsSameCyOrCFunction(PyObject *func, void *cfunc); -#undef __Pyx_IsSameCFunction -#define __Pyx_IsSameCFunction(func, cfunc) __Pyx__IsSameCyOrCFunction(func, cfunc) -static PyObject *__Pyx_CyFunction_Init(__pyx_CyFunctionObject* op, PyMethodDef *ml, - int flags, PyObject* qualname, - PyObject *closure, - PyObject *module, PyObject *globals, - PyObject* code); -static CYTHON_INLINE void __Pyx__CyFunction_SetClassObj(__pyx_CyFunctionObject* f, PyObject* classobj); -static CYTHON_INLINE void *__Pyx_CyFunction_InitDefaults(PyObject *m, - size_t size, - int pyobjects); -static CYTHON_INLINE void __Pyx_CyFunction_SetDefaultsTuple(PyObject *m, - PyObject *tuple); -static CYTHON_INLINE void __Pyx_CyFunction_SetDefaultsKwDict(PyObject *m, - PyObject *dict); -static CYTHON_INLINE void __Pyx_CyFunction_SetAnnotationsDict(PyObject *m, - PyObject *dict); -static int __pyx_CyFunction_init(PyObject *module); -#if CYTHON_METH_FASTCALL -static PyObject * __Pyx_CyFunction_Vectorcall_NOARGS(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames); -static PyObject * __Pyx_CyFunction_Vectorcall_O(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames); -static PyObject * __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames); -static PyObject * __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS_METHOD(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames); -#if CYTHON_BACKPORT_VECTORCALL -#define __Pyx_CyFunction_func_vectorcall(f) (((__pyx_CyFunctionObject*)f)->func_vectorcall) -#else -#define __Pyx_CyFunction_func_vectorcall(f) (((PyCFunctionObject*)f)->vectorcall) -#endif -#endif - -/* CythonFunction.proto */ -static PyObject *__Pyx_CyFunction_New(PyMethodDef *ml, - int flags, PyObject* qualname, - PyObject *closure, - PyObject *module, PyObject *globals, - PyObject* code); - -/* PyDictVersioning.proto */ -#if CYTHON_USE_DICT_VERSIONS && CYTHON_USE_TYPE_SLOTS -#define __PYX_DICT_VERSION_INIT ((PY_UINT64_T) -1) -#define __PYX_GET_DICT_VERSION(dict) (((PyDictObject*)(dict))->ma_version_tag) -#define __PYX_UPDATE_DICT_CACHE(dict, value, cache_var, version_var)\ - (version_var) = __PYX_GET_DICT_VERSION(dict);\ - (cache_var) = (value); -#define __PYX_PY_DICT_LOOKUP_IF_MODIFIED(VAR, DICT, LOOKUP) {\ - static PY_UINT64_T __pyx_dict_version = 0;\ - static PyObject *__pyx_dict_cached_value = NULL;\ - if (likely(__PYX_GET_DICT_VERSION(DICT) == __pyx_dict_version)) {\ - (VAR) = __pyx_dict_cached_value;\ - } else {\ - (VAR) = __pyx_dict_cached_value = (LOOKUP);\ - __pyx_dict_version = __PYX_GET_DICT_VERSION(DICT);\ - }\ -} -static CYTHON_INLINE PY_UINT64_T __Pyx_get_tp_dict_version(PyObject *obj); -static CYTHON_INLINE PY_UINT64_T __Pyx_get_object_dict_version(PyObject *obj); -static CYTHON_INLINE int __Pyx_object_dict_version_matches(PyObject* obj, PY_UINT64_T tp_dict_version, PY_UINT64_T obj_dict_version); -#else -#define __PYX_GET_DICT_VERSION(dict) (0) -#define __PYX_UPDATE_DICT_CACHE(dict, value, cache_var, version_var) -#define __PYX_PY_DICT_LOOKUP_IF_MODIFIED(VAR, DICT, LOOKUP) (VAR) = (LOOKUP); -#endif - -/* CLineInTraceback.proto */ -#ifdef CYTHON_CLINE_IN_TRACEBACK -#define __Pyx_CLineForTraceback(tstate, c_line) (((CYTHON_CLINE_IN_TRACEBACK)) ? c_line : 0) -#else -static int __Pyx_CLineForTraceback(PyThreadState *tstate, int c_line); -#endif - -/* CodeObjectCache.proto */ -#if !CYTHON_COMPILING_IN_LIMITED_API -typedef struct { - PyCodeObject* code_object; - int code_line; -} __Pyx_CodeObjectCacheEntry; -struct __Pyx_CodeObjectCache { - int count; - int max_count; - __Pyx_CodeObjectCacheEntry* entries; -}; -static struct __Pyx_CodeObjectCache __pyx_code_cache = {0,0,NULL}; -static int __pyx_bisect_code_objects(__Pyx_CodeObjectCacheEntry* entries, int count, int code_line); -static PyCodeObject *__pyx_find_code_object(int code_line); -static void __pyx_insert_code_object(int code_line, PyCodeObject* code_object); -#endif - -/* AddTraceback.proto */ -static void __Pyx_AddTraceback(const char *funcname, int c_line, - int py_line, const char *filename); - -/* BufferStructDeclare.proto */ -typedef struct { - Py_ssize_t shape, strides, suboffsets; -} __Pyx_Buf_DimInfo; -typedef struct { - size_t refcount; - Py_buffer pybuffer; -} __Pyx_Buffer; -typedef struct { - __Pyx_Buffer *rcbuffer; - char *data; - __Pyx_Buf_DimInfo diminfo[8]; -} __Pyx_LocalBuf_ND; - -#if PY_MAJOR_VERSION < 3 - static int __Pyx_GetBuffer(PyObject *obj, Py_buffer *view, int flags); - static void __Pyx_ReleaseBuffer(Py_buffer *view); -#else - #define __Pyx_GetBuffer PyObject_GetBuffer - #define __Pyx_ReleaseBuffer PyBuffer_Release -#endif - - -/* GCCDiagnostics.proto */ -#if !defined(__INTEL_COMPILER) && defined(__GNUC__) && (__GNUC__ > 4 || (__GNUC__ == 4 && __GNUC_MINOR__ >= 6)) -#define __Pyx_HAS_GCC_DIAGNOSTIC -#endif - -/* RealImag.proto */ -#if CYTHON_CCOMPLEX - #ifdef __cplusplus - #define __Pyx_CREAL(z) ((z).real()) - #define __Pyx_CIMAG(z) ((z).imag()) - #else - #define __Pyx_CREAL(z) (__real__(z)) - #define __Pyx_CIMAG(z) (__imag__(z)) - #endif -#else - #define __Pyx_CREAL(z) ((z).real) - #define __Pyx_CIMAG(z) ((z).imag) -#endif -#if defined(__cplusplus) && CYTHON_CCOMPLEX\ - && (defined(_WIN32) || defined(__clang__) || (defined(__GNUC__) && (__GNUC__ >= 5 || __GNUC__ == 4 && __GNUC_MINOR__ >= 4 )) || __cplusplus >= 201103) - #define __Pyx_SET_CREAL(z,x) ((z).real(x)) - #define __Pyx_SET_CIMAG(z,y) ((z).imag(y)) -#else - #define __Pyx_SET_CREAL(z,x) __Pyx_CREAL(z) = (x) - #define __Pyx_SET_CIMAG(z,y) __Pyx_CIMAG(z) = (y) -#endif - -/* Arithmetic.proto */ -#if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #define __Pyx_c_eq_float(a, b) ((a)==(b)) - #define __Pyx_c_sum_float(a, b) ((a)+(b)) - #define __Pyx_c_diff_float(a, b) ((a)-(b)) - #define __Pyx_c_prod_float(a, b) ((a)*(b)) - #define __Pyx_c_quot_float(a, b) ((a)/(b)) - #define __Pyx_c_neg_float(a) (-(a)) - #ifdef __cplusplus - #define __Pyx_c_is_zero_float(z) ((z)==(float)0) - #define __Pyx_c_conj_float(z) (::std::conj(z)) - #if 1 - #define __Pyx_c_abs_float(z) (::std::abs(z)) - #define __Pyx_c_pow_float(a, b) (::std::pow(a, b)) - #endif - #else - #define __Pyx_c_is_zero_float(z) ((z)==0) - #define __Pyx_c_conj_float(z) (conjf(z)) - #if 1 - #define __Pyx_c_abs_float(z) (cabsf(z)) - #define __Pyx_c_pow_float(a, b) (cpowf(a, b)) - #endif - #endif -#else - static CYTHON_INLINE int __Pyx_c_eq_float(__pyx_t_float_complex, __pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_sum_float(__pyx_t_float_complex, __pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_diff_float(__pyx_t_float_complex, __pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_prod_float(__pyx_t_float_complex, __pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_quot_float(__pyx_t_float_complex, __pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_neg_float(__pyx_t_float_complex); - static CYTHON_INLINE int __Pyx_c_is_zero_float(__pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_conj_float(__pyx_t_float_complex); - #if 1 - static CYTHON_INLINE float __Pyx_c_abs_float(__pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_pow_float(__pyx_t_float_complex, __pyx_t_float_complex); - #endif -#endif - -/* Arithmetic.proto */ -#if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #define __Pyx_c_eq_double(a, b) ((a)==(b)) - #define __Pyx_c_sum_double(a, b) ((a)+(b)) - #define __Pyx_c_diff_double(a, b) ((a)-(b)) - #define __Pyx_c_prod_double(a, b) ((a)*(b)) - #define __Pyx_c_quot_double(a, b) ((a)/(b)) - #define __Pyx_c_neg_double(a) (-(a)) - #ifdef __cplusplus - #define __Pyx_c_is_zero_double(z) ((z)==(double)0) - #define __Pyx_c_conj_double(z) (::std::conj(z)) - #if 1 - #define __Pyx_c_abs_double(z) (::std::abs(z)) - #define __Pyx_c_pow_double(a, b) (::std::pow(a, b)) - #endif - #else - #define __Pyx_c_is_zero_double(z) ((z)==0) - #define __Pyx_c_conj_double(z) (conj(z)) - #if 1 - #define __Pyx_c_abs_double(z) (cabs(z)) - #define __Pyx_c_pow_double(a, b) (cpow(a, b)) - #endif - #endif -#else - static CYTHON_INLINE int __Pyx_c_eq_double(__pyx_t_double_complex, __pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_sum_double(__pyx_t_double_complex, __pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_diff_double(__pyx_t_double_complex, __pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_prod_double(__pyx_t_double_complex, __pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_quot_double(__pyx_t_double_complex, __pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_neg_double(__pyx_t_double_complex); - static CYTHON_INLINE int __Pyx_c_is_zero_double(__pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_conj_double(__pyx_t_double_complex); - #if 1 - static CYTHON_INLINE double __Pyx_c_abs_double(__pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_pow_double(__pyx_t_double_complex, __pyx_t_double_complex); - #endif -#endif - -/* CIntToPy.proto */ -static CYTHON_INLINE PyObject* __Pyx_PyInt_From_int(int value); - -/* CIntFromPy.proto */ -static CYTHON_INLINE int __Pyx_PyInt_As_int(PyObject *); - -/* FormatTypeName.proto */ -#if CYTHON_COMPILING_IN_LIMITED_API -typedef PyObject *__Pyx_TypeName; -#define __Pyx_FMT_TYPENAME "%U" -static __Pyx_TypeName __Pyx_PyType_GetName(PyTypeObject* tp); -#define __Pyx_DECREF_TypeName(obj) Py_XDECREF(obj) -#else -typedef const char *__Pyx_TypeName; -#define __Pyx_FMT_TYPENAME "%.200s" -#define __Pyx_PyType_GetName(tp) ((tp)->tp_name) -#define __Pyx_DECREF_TypeName(obj) -#endif - -/* CIntToPy.proto */ -static CYTHON_INLINE PyObject* __Pyx_PyInt_From_long(long value); - -/* CIntFromPy.proto */ -static CYTHON_INLINE long __Pyx_PyInt_As_long(PyObject *); - -/* FastTypeChecks.proto */ -#if CYTHON_COMPILING_IN_CPYTHON -#define __Pyx_TypeCheck(obj, type) __Pyx_IsSubtype(Py_TYPE(obj), (PyTypeObject *)type) -#define __Pyx_TypeCheck2(obj, type1, type2) __Pyx_IsAnySubtype2(Py_TYPE(obj), (PyTypeObject *)type1, (PyTypeObject *)type2) -static CYTHON_INLINE int __Pyx_IsSubtype(PyTypeObject *a, PyTypeObject *b); -static CYTHON_INLINE int __Pyx_IsAnySubtype2(PyTypeObject *cls, PyTypeObject *a, PyTypeObject *b); -static CYTHON_INLINE int __Pyx_PyErr_GivenExceptionMatches(PyObject *err, PyObject *type); -static CYTHON_INLINE int __Pyx_PyErr_GivenExceptionMatches2(PyObject *err, PyObject *type1, PyObject *type2); -#else -#define __Pyx_TypeCheck(obj, type) PyObject_TypeCheck(obj, (PyTypeObject *)type) -#define __Pyx_TypeCheck2(obj, type1, type2) (PyObject_TypeCheck(obj, (PyTypeObject *)type1) || PyObject_TypeCheck(obj, (PyTypeObject *)type2)) -#define __Pyx_PyErr_GivenExceptionMatches(err, type) PyErr_GivenExceptionMatches(err, type) -#define __Pyx_PyErr_GivenExceptionMatches2(err, type1, type2) (PyErr_GivenExceptionMatches(err, type1) || PyErr_GivenExceptionMatches(err, type2)) -#endif -#define __Pyx_PyErr_ExceptionMatches2(err1, err2) __Pyx_PyErr_GivenExceptionMatches2(__Pyx_PyErr_CurrentExceptionType(), err1, err2) -#define __Pyx_PyException_Check(obj) __Pyx_TypeCheck(obj, PyExc_Exception) - -/* CheckBinaryVersion.proto */ -static unsigned long __Pyx_get_runtime_version(void); -static int __Pyx_check_binary_version(unsigned long ct_version, unsigned long rt_version, int allow_newer); - -/* InitStrings.proto */ -static int __Pyx_InitStrings(__Pyx_StringTabEntry *t); - -/* #### Code section: module_declarations ### */ -static CYTHON_INLINE PyObject *__pyx_f_5numpy_7ndarray_4base_base(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE PyArray_Descr *__pyx_f_5numpy_7ndarray_5descr_descr(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE int __pyx_f_5numpy_7ndarray_4ndim_ndim(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE npy_intp *__pyx_f_5numpy_7ndarray_5shape_shape(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE npy_intp *__pyx_f_5numpy_7ndarray_7strides_strides(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE npy_intp __pyx_f_5numpy_7ndarray_4size_size(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE char *__pyx_f_5numpy_7ndarray_4data_data(PyArrayObject *__pyx_v_self); /* proto*/ - -/* Module declarations from "cython" */ - -/* Module declarations from "libc.string" */ - -/* Module declarations from "libc.stdio" */ - -/* Module declarations from "__builtin__" */ - -/* Module declarations from "cpython.type" */ - -/* Module declarations from "cpython" */ - -/* Module declarations from "cpython.object" */ - -/* Module declarations from "cpython.ref" */ - -/* Module declarations from "numpy" */ - -/* Module declarations from "numpy" */ - -/* Module declarations from "libc.math" */ - -/* Module declarations from "fast_grid.potential.gaussian" */ -/* #### Code section: typeinfo ### */ -static __Pyx_TypeInfo __Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t = { "float64_t", NULL, sizeof(__pyx_t_5numpy_float64_t), { 0 }, 0, 'R', 0, 0 }; -/* #### Code section: before_global_var ### */ -#define __Pyx_MODULE_NAME "fast_grid.potential.gaussian" -extern int __pyx_module_is_main_fast_grid__potential__gaussian; -int __pyx_module_is_main_fast_grid__potential__gaussian = 0; - -/* Implementation of "fast_grid.potential.gaussian" */ -/* #### Code section: global_var ### */ -static PyObject *__pyx_builtin_range; -static PyObject *__pyx_builtin_ImportError; -/* #### Code section: string_decls ### */ -static const char __pyx_k_G[] = "G"; -static const char __pyx_k_N[] = "N"; -static const char __pyx_k_e[] = "e"; -static const char __pyx_k_i[] = "i"; -static const char __pyx_k_j[] = "j"; -static const char __pyx_k_s[] = "s"; -static const char __pyx_k__3[] = "*"; -static const char __pyx_k__6[] = "?"; -static const char __pyx_k_np[] = "np"; -static const char __pyx_k_r2[] = "r2"; -static const char __pyx_k_s6[] = "s6"; -static const char __pyx_k_lj6[] = "lj6"; -static const char __pyx_k_s12[] = "s12"; -static const char __pyx_k_lj12[] = "lj12"; -static const char __pyx_k_main[] = "__main__"; -static const char __pyx_k_name[] = "__name__"; -static const char __pyx_k_pos1[] = "pos1"; -static const char __pyx_k_pos2[] = "pos2"; -static const char __pyx_k_spec[] = "__spec__"; -static const char __pyx_k_test[] = "__test__"; -static const char __pyx_k_numpy[] = "numpy"; -static const char __pyx_k_range[] = "range"; -static const char __pyx_k_width[] = "width"; -static const char __pyx_k_cutoff[] = "cutoff"; -static const char __pyx_k_diff_x[] = "diff_x"; -static const char __pyx_k_diff_y[] = "diff_y"; -static const char __pyx_k_diff_z[] = "diff_z"; -static const char __pyx_k_energy[] = "energy"; -static const char __pyx_k_height[] = "height"; -static const char __pyx_k_import[] = "__import__"; -static const char __pyx_k_inv_r2[] = "inv_r2"; -static const char __pyx_k_inv_r6[] = "inv_r6"; -static const char __pyx_k_inv_r12[] = "inv_r12"; -static const char __pyx_k_threshold[] = "threshold"; -static const char __pyx_k_ImportError[] = "ImportError"; -static const char __pyx_k_energy_grid[] = "energy_grid"; -static const char __pyx_k_cell_vectors[] = "cell_vectors"; -static const char __pyx_k_initializing[] = "_initializing"; -static const char __pyx_k_inverse_cell[] = "inverse_cell"; -static const char __pyx_k_is_coroutine[] = "_is_coroutine"; -static const char __pyx_k_width_squared[] = "width_squared"; -static const char __pyx_k_cutoff_squared[] = "cutoff_squared"; -static const char __pyx_k_gaussian_cython[] = "gaussian_cython"; -static const char __pyx_k_diff_cell_basis_x[] = "diff_cell_basis_x"; -static const char __pyx_k_diff_cell_basis_y[] = "diff_cell_basis_y"; -static const char __pyx_k_diff_cell_basis_z[] = "diff_cell_basis_z"; -static const char __pyx_k_asyncio_coroutines[] = "asyncio.coroutines"; -static const char __pyx_k_cline_in_traceback[] = "cline_in_traceback"; -static const char __pyx_k_fast_grid_potential_gaussian[] = "fast_grid.potential.gaussian"; -static const char __pyx_k_numpy_core_multiarray_failed_to[] = "numpy.core.multiarray failed to import"; -static const char __pyx_k_fast_grid_potential_gaussian_pyx[] = "fast_grid/potential/gaussian.pyx"; -static const char __pyx_k_numpy_core_umath_failed_to_impor[] = "numpy.core.umath failed to import"; -/* #### Code section: decls ### */ -static PyObject *__pyx_pf_9fast_grid_9potential_8gaussian_gaussian_cython(CYTHON_UNUSED PyObject *__pyx_self, PyArrayObject *__pyx_v_pos1, PyArrayObject *__pyx_v_pos2, PyArrayObject *__pyx_v_cell_vectors, PyArrayObject *__pyx_v_inverse_cell, float __pyx_v_height, float __pyx_v_width, float __pyx_v_cutoff, PyArrayObject *__pyx_v_energy_grid); /* proto */ -/* #### Code section: late_includes ### */ -/* #### Code section: module_state ### */ -typedef struct { - PyObject *__pyx_d; - PyObject *__pyx_b; - PyObject *__pyx_cython_runtime; - PyObject *__pyx_empty_tuple; - PyObject *__pyx_empty_bytes; - PyObject *__pyx_empty_unicode; - #ifdef __Pyx_CyFunction_USED - PyTypeObject *__pyx_CyFunctionType; - #endif - #ifdef __Pyx_FusedFunction_USED - PyTypeObject *__pyx_FusedFunctionType; - #endif - #ifdef __Pyx_Generator_USED - PyTypeObject *__pyx_GeneratorType; - #endif - #ifdef __Pyx_IterableCoroutine_USED - PyTypeObject *__pyx_IterableCoroutineType; - #endif - #ifdef __Pyx_Coroutine_USED - PyTypeObject *__pyx_CoroutineAwaitType; - #endif - #ifdef __Pyx_Coroutine_USED - PyTypeObject *__pyx_CoroutineType; - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - PyTypeObject *__pyx_ptype_7cpython_4type_type; - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - PyTypeObject *__pyx_ptype_5numpy_dtype; - PyTypeObject *__pyx_ptype_5numpy_flatiter; - PyTypeObject *__pyx_ptype_5numpy_broadcast; - PyTypeObject *__pyx_ptype_5numpy_ndarray; - PyTypeObject *__pyx_ptype_5numpy_generic; - PyTypeObject *__pyx_ptype_5numpy_number; - PyTypeObject *__pyx_ptype_5numpy_integer; - PyTypeObject *__pyx_ptype_5numpy_signedinteger; - PyTypeObject *__pyx_ptype_5numpy_unsignedinteger; - PyTypeObject *__pyx_ptype_5numpy_inexact; - PyTypeObject *__pyx_ptype_5numpy_floating; - PyTypeObject *__pyx_ptype_5numpy_complexfloating; - PyTypeObject *__pyx_ptype_5numpy_flexible; - PyTypeObject *__pyx_ptype_5numpy_character; - PyTypeObject *__pyx_ptype_5numpy_ufunc; - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - PyObject *__pyx_n_s_G; - PyObject *__pyx_n_s_ImportError; - PyObject *__pyx_n_s_N; - PyObject *__pyx_n_s__3; - PyObject *__pyx_n_s__6; - PyObject *__pyx_n_s_asyncio_coroutines; - PyObject *__pyx_n_s_cell_vectors; - PyObject *__pyx_n_s_cline_in_traceback; - PyObject *__pyx_n_s_cutoff; - PyObject *__pyx_n_s_cutoff_squared; - PyObject *__pyx_n_s_diff_cell_basis_x; - PyObject *__pyx_n_s_diff_cell_basis_y; - PyObject *__pyx_n_s_diff_cell_basis_z; - PyObject *__pyx_n_s_diff_x; - PyObject *__pyx_n_s_diff_y; - PyObject *__pyx_n_s_diff_z; - PyObject *__pyx_n_s_e; - PyObject *__pyx_n_s_energy; - PyObject *__pyx_n_s_energy_grid; - PyObject *__pyx_n_s_fast_grid_potential_gaussian; - PyObject *__pyx_kp_s_fast_grid_potential_gaussian_pyx; - PyObject *__pyx_n_s_gaussian_cython; - PyObject *__pyx_n_s_height; - PyObject *__pyx_n_s_i; - PyObject *__pyx_n_s_import; - PyObject *__pyx_n_s_initializing; - PyObject *__pyx_n_s_inv_r12; - PyObject *__pyx_n_s_inv_r2; - PyObject *__pyx_n_s_inv_r6; - PyObject *__pyx_n_s_inverse_cell; - PyObject *__pyx_n_s_is_coroutine; - PyObject *__pyx_n_s_j; - PyObject *__pyx_n_s_lj12; - PyObject *__pyx_n_s_lj6; - PyObject *__pyx_n_s_main; - PyObject *__pyx_n_s_name; - PyObject *__pyx_n_s_np; - PyObject *__pyx_n_s_numpy; - PyObject *__pyx_kp_u_numpy_core_multiarray_failed_to; - PyObject *__pyx_kp_u_numpy_core_umath_failed_to_impor; - PyObject *__pyx_n_s_pos1; - PyObject *__pyx_n_s_pos2; - PyObject *__pyx_n_s_r2; - PyObject *__pyx_n_s_range; - PyObject *__pyx_n_s_s; - PyObject *__pyx_n_s_s12; - PyObject *__pyx_n_s_s6; - PyObject *__pyx_n_s_spec; - PyObject *__pyx_n_s_test; - PyObject *__pyx_n_s_threshold; - PyObject *__pyx_n_s_width; - PyObject *__pyx_n_s_width_squared; - PyObject *__pyx_tuple_; - PyObject *__pyx_tuple__2; - PyObject *__pyx_tuple__4; - PyObject *__pyx_codeobj__5; -} __pyx_mstate; - -#if CYTHON_USE_MODULE_STATE -#ifdef __cplusplus -namespace { - extern struct PyModuleDef __pyx_moduledef; -} /* anonymous namespace */ -#else -static struct PyModuleDef __pyx_moduledef; -#endif - -#define __pyx_mstate(o) ((__pyx_mstate *)__Pyx_PyModule_GetState(o)) - -#define __pyx_mstate_global (__pyx_mstate(PyState_FindModule(&__pyx_moduledef))) - -#define __pyx_m (PyState_FindModule(&__pyx_moduledef)) -#else -static __pyx_mstate __pyx_mstate_global_static = -#ifdef __cplusplus - {}; -#else - {0}; -#endif -static __pyx_mstate *__pyx_mstate_global = &__pyx_mstate_global_static; -#endif -/* #### Code section: module_state_clear ### */ -#if CYTHON_USE_MODULE_STATE -static int __pyx_m_clear(PyObject *m) { - __pyx_mstate *clear_module_state = __pyx_mstate(m); - if (!clear_module_state) return 0; - Py_CLEAR(clear_module_state->__pyx_d); - Py_CLEAR(clear_module_state->__pyx_b); - Py_CLEAR(clear_module_state->__pyx_cython_runtime); - Py_CLEAR(clear_module_state->__pyx_empty_tuple); - Py_CLEAR(clear_module_state->__pyx_empty_bytes); - Py_CLEAR(clear_module_state->__pyx_empty_unicode); - #ifdef __Pyx_CyFunction_USED - Py_CLEAR(clear_module_state->__pyx_CyFunctionType); - #endif - #ifdef __Pyx_FusedFunction_USED - Py_CLEAR(clear_module_state->__pyx_FusedFunctionType); - #endif - Py_CLEAR(clear_module_state->__pyx_ptype_7cpython_4type_type); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_dtype); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_flatiter); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_broadcast); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_ndarray); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_generic); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_number); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_integer); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_signedinteger); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_unsignedinteger); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_inexact); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_floating); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_complexfloating); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_flexible); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_character); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_ufunc); - Py_CLEAR(clear_module_state->__pyx_n_s_G); - Py_CLEAR(clear_module_state->__pyx_n_s_ImportError); - Py_CLEAR(clear_module_state->__pyx_n_s_N); - Py_CLEAR(clear_module_state->__pyx_n_s__3); - Py_CLEAR(clear_module_state->__pyx_n_s__6); - Py_CLEAR(clear_module_state->__pyx_n_s_asyncio_coroutines); - Py_CLEAR(clear_module_state->__pyx_n_s_cell_vectors); - Py_CLEAR(clear_module_state->__pyx_n_s_cline_in_traceback); - Py_CLEAR(clear_module_state->__pyx_n_s_cutoff); - Py_CLEAR(clear_module_state->__pyx_n_s_cutoff_squared); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_cell_basis_x); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_cell_basis_y); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_cell_basis_z); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_x); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_y); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_z); - Py_CLEAR(clear_module_state->__pyx_n_s_e); - Py_CLEAR(clear_module_state->__pyx_n_s_energy); - Py_CLEAR(clear_module_state->__pyx_n_s_energy_grid); - Py_CLEAR(clear_module_state->__pyx_n_s_fast_grid_potential_gaussian); - Py_CLEAR(clear_module_state->__pyx_kp_s_fast_grid_potential_gaussian_pyx); - Py_CLEAR(clear_module_state->__pyx_n_s_gaussian_cython); - Py_CLEAR(clear_module_state->__pyx_n_s_height); - Py_CLEAR(clear_module_state->__pyx_n_s_i); - Py_CLEAR(clear_module_state->__pyx_n_s_import); - Py_CLEAR(clear_module_state->__pyx_n_s_initializing); - Py_CLEAR(clear_module_state->__pyx_n_s_inv_r12); - Py_CLEAR(clear_module_state->__pyx_n_s_inv_r2); - Py_CLEAR(clear_module_state->__pyx_n_s_inv_r6); - Py_CLEAR(clear_module_state->__pyx_n_s_inverse_cell); - Py_CLEAR(clear_module_state->__pyx_n_s_is_coroutine); - Py_CLEAR(clear_module_state->__pyx_n_s_j); - Py_CLEAR(clear_module_state->__pyx_n_s_lj12); - Py_CLEAR(clear_module_state->__pyx_n_s_lj6); - Py_CLEAR(clear_module_state->__pyx_n_s_main); - Py_CLEAR(clear_module_state->__pyx_n_s_name); - Py_CLEAR(clear_module_state->__pyx_n_s_np); - Py_CLEAR(clear_module_state->__pyx_n_s_numpy); - Py_CLEAR(clear_module_state->__pyx_kp_u_numpy_core_multiarray_failed_to); - Py_CLEAR(clear_module_state->__pyx_kp_u_numpy_core_umath_failed_to_impor); - Py_CLEAR(clear_module_state->__pyx_n_s_pos1); - Py_CLEAR(clear_module_state->__pyx_n_s_pos2); - Py_CLEAR(clear_module_state->__pyx_n_s_r2); - Py_CLEAR(clear_module_state->__pyx_n_s_range); - Py_CLEAR(clear_module_state->__pyx_n_s_s); - Py_CLEAR(clear_module_state->__pyx_n_s_s12); - Py_CLEAR(clear_module_state->__pyx_n_s_s6); - Py_CLEAR(clear_module_state->__pyx_n_s_spec); - Py_CLEAR(clear_module_state->__pyx_n_s_test); - Py_CLEAR(clear_module_state->__pyx_n_s_threshold); - Py_CLEAR(clear_module_state->__pyx_n_s_width); - Py_CLEAR(clear_module_state->__pyx_n_s_width_squared); - Py_CLEAR(clear_module_state->__pyx_tuple_); - Py_CLEAR(clear_module_state->__pyx_tuple__2); - Py_CLEAR(clear_module_state->__pyx_tuple__4); - Py_CLEAR(clear_module_state->__pyx_codeobj__5); - return 0; -} -#endif -/* #### Code section: module_state_traverse ### */ -#if CYTHON_USE_MODULE_STATE -static int __pyx_m_traverse(PyObject *m, visitproc visit, void *arg) { - __pyx_mstate *traverse_module_state = __pyx_mstate(m); - if (!traverse_module_state) return 0; - Py_VISIT(traverse_module_state->__pyx_d); - Py_VISIT(traverse_module_state->__pyx_b); - Py_VISIT(traverse_module_state->__pyx_cython_runtime); - Py_VISIT(traverse_module_state->__pyx_empty_tuple); - Py_VISIT(traverse_module_state->__pyx_empty_bytes); - Py_VISIT(traverse_module_state->__pyx_empty_unicode); - #ifdef __Pyx_CyFunction_USED - Py_VISIT(traverse_module_state->__pyx_CyFunctionType); - #endif - #ifdef __Pyx_FusedFunction_USED - Py_VISIT(traverse_module_state->__pyx_FusedFunctionType); - #endif - Py_VISIT(traverse_module_state->__pyx_ptype_7cpython_4type_type); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_dtype); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_flatiter); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_broadcast); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_ndarray); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_generic); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_number); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_integer); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_signedinteger); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_unsignedinteger); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_inexact); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_floating); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_complexfloating); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_flexible); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_character); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_ufunc); - Py_VISIT(traverse_module_state->__pyx_n_s_G); - Py_VISIT(traverse_module_state->__pyx_n_s_ImportError); - Py_VISIT(traverse_module_state->__pyx_n_s_N); - Py_VISIT(traverse_module_state->__pyx_n_s__3); - Py_VISIT(traverse_module_state->__pyx_n_s__6); - Py_VISIT(traverse_module_state->__pyx_n_s_asyncio_coroutines); - Py_VISIT(traverse_module_state->__pyx_n_s_cell_vectors); - Py_VISIT(traverse_module_state->__pyx_n_s_cline_in_traceback); - Py_VISIT(traverse_module_state->__pyx_n_s_cutoff); - Py_VISIT(traverse_module_state->__pyx_n_s_cutoff_squared); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_cell_basis_x); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_cell_basis_y); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_cell_basis_z); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_x); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_y); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_z); - Py_VISIT(traverse_module_state->__pyx_n_s_e); - Py_VISIT(traverse_module_state->__pyx_n_s_energy); - Py_VISIT(traverse_module_state->__pyx_n_s_energy_grid); - Py_VISIT(traverse_module_state->__pyx_n_s_fast_grid_potential_gaussian); - Py_VISIT(traverse_module_state->__pyx_kp_s_fast_grid_potential_gaussian_pyx); - Py_VISIT(traverse_module_state->__pyx_n_s_gaussian_cython); - Py_VISIT(traverse_module_state->__pyx_n_s_height); - Py_VISIT(traverse_module_state->__pyx_n_s_i); - Py_VISIT(traverse_module_state->__pyx_n_s_import); - Py_VISIT(traverse_module_state->__pyx_n_s_initializing); - Py_VISIT(traverse_module_state->__pyx_n_s_inv_r12); - Py_VISIT(traverse_module_state->__pyx_n_s_inv_r2); - Py_VISIT(traverse_module_state->__pyx_n_s_inv_r6); - Py_VISIT(traverse_module_state->__pyx_n_s_inverse_cell); - Py_VISIT(traverse_module_state->__pyx_n_s_is_coroutine); - Py_VISIT(traverse_module_state->__pyx_n_s_j); - Py_VISIT(traverse_module_state->__pyx_n_s_lj12); - Py_VISIT(traverse_module_state->__pyx_n_s_lj6); - Py_VISIT(traverse_module_state->__pyx_n_s_main); - Py_VISIT(traverse_module_state->__pyx_n_s_name); - Py_VISIT(traverse_module_state->__pyx_n_s_np); - Py_VISIT(traverse_module_state->__pyx_n_s_numpy); - Py_VISIT(traverse_module_state->__pyx_kp_u_numpy_core_multiarray_failed_to); - Py_VISIT(traverse_module_state->__pyx_kp_u_numpy_core_umath_failed_to_impor); - Py_VISIT(traverse_module_state->__pyx_n_s_pos1); - Py_VISIT(traverse_module_state->__pyx_n_s_pos2); - Py_VISIT(traverse_module_state->__pyx_n_s_r2); - Py_VISIT(traverse_module_state->__pyx_n_s_range); - Py_VISIT(traverse_module_state->__pyx_n_s_s); - Py_VISIT(traverse_module_state->__pyx_n_s_s12); - Py_VISIT(traverse_module_state->__pyx_n_s_s6); - Py_VISIT(traverse_module_state->__pyx_n_s_spec); - Py_VISIT(traverse_module_state->__pyx_n_s_test); - Py_VISIT(traverse_module_state->__pyx_n_s_threshold); - Py_VISIT(traverse_module_state->__pyx_n_s_width); - Py_VISIT(traverse_module_state->__pyx_n_s_width_squared); - Py_VISIT(traverse_module_state->__pyx_tuple_); - Py_VISIT(traverse_module_state->__pyx_tuple__2); - Py_VISIT(traverse_module_state->__pyx_tuple__4); - Py_VISIT(traverse_module_state->__pyx_codeobj__5); - return 0; -} -#endif -/* #### Code section: module_state_defines ### */ -#define __pyx_d __pyx_mstate_global->__pyx_d -#define __pyx_b __pyx_mstate_global->__pyx_b -#define __pyx_cython_runtime __pyx_mstate_global->__pyx_cython_runtime -#define __pyx_empty_tuple __pyx_mstate_global->__pyx_empty_tuple -#define __pyx_empty_bytes __pyx_mstate_global->__pyx_empty_bytes -#define __pyx_empty_unicode __pyx_mstate_global->__pyx_empty_unicode -#ifdef __Pyx_CyFunction_USED -#define __pyx_CyFunctionType __pyx_mstate_global->__pyx_CyFunctionType -#endif -#ifdef __Pyx_FusedFunction_USED -#define __pyx_FusedFunctionType __pyx_mstate_global->__pyx_FusedFunctionType -#endif -#ifdef __Pyx_Generator_USED -#define __pyx_GeneratorType __pyx_mstate_global->__pyx_GeneratorType -#endif -#ifdef __Pyx_IterableCoroutine_USED -#define __pyx_IterableCoroutineType __pyx_mstate_global->__pyx_IterableCoroutineType -#endif -#ifdef __Pyx_Coroutine_USED -#define __pyx_CoroutineAwaitType __pyx_mstate_global->__pyx_CoroutineAwaitType -#endif -#ifdef __Pyx_Coroutine_USED -#define __pyx_CoroutineType __pyx_mstate_global->__pyx_CoroutineType -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#define __pyx_ptype_7cpython_4type_type __pyx_mstate_global->__pyx_ptype_7cpython_4type_type -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#define __pyx_ptype_5numpy_dtype __pyx_mstate_global->__pyx_ptype_5numpy_dtype -#define __pyx_ptype_5numpy_flatiter __pyx_mstate_global->__pyx_ptype_5numpy_flatiter -#define __pyx_ptype_5numpy_broadcast __pyx_mstate_global->__pyx_ptype_5numpy_broadcast -#define __pyx_ptype_5numpy_ndarray __pyx_mstate_global->__pyx_ptype_5numpy_ndarray -#define __pyx_ptype_5numpy_generic __pyx_mstate_global->__pyx_ptype_5numpy_generic -#define __pyx_ptype_5numpy_number __pyx_mstate_global->__pyx_ptype_5numpy_number -#define __pyx_ptype_5numpy_integer __pyx_mstate_global->__pyx_ptype_5numpy_integer -#define __pyx_ptype_5numpy_signedinteger __pyx_mstate_global->__pyx_ptype_5numpy_signedinteger -#define __pyx_ptype_5numpy_unsignedinteger __pyx_mstate_global->__pyx_ptype_5numpy_unsignedinteger -#define __pyx_ptype_5numpy_inexact __pyx_mstate_global->__pyx_ptype_5numpy_inexact -#define __pyx_ptype_5numpy_floating __pyx_mstate_global->__pyx_ptype_5numpy_floating -#define __pyx_ptype_5numpy_complexfloating __pyx_mstate_global->__pyx_ptype_5numpy_complexfloating -#define __pyx_ptype_5numpy_flexible __pyx_mstate_global->__pyx_ptype_5numpy_flexible -#define __pyx_ptype_5numpy_character __pyx_mstate_global->__pyx_ptype_5numpy_character -#define __pyx_ptype_5numpy_ufunc __pyx_mstate_global->__pyx_ptype_5numpy_ufunc -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#define __pyx_n_s_G __pyx_mstate_global->__pyx_n_s_G -#define __pyx_n_s_ImportError __pyx_mstate_global->__pyx_n_s_ImportError -#define __pyx_n_s_N __pyx_mstate_global->__pyx_n_s_N -#define __pyx_n_s__3 __pyx_mstate_global->__pyx_n_s__3 -#define __pyx_n_s__6 __pyx_mstate_global->__pyx_n_s__6 -#define __pyx_n_s_asyncio_coroutines __pyx_mstate_global->__pyx_n_s_asyncio_coroutines -#define __pyx_n_s_cell_vectors __pyx_mstate_global->__pyx_n_s_cell_vectors -#define __pyx_n_s_cline_in_traceback __pyx_mstate_global->__pyx_n_s_cline_in_traceback -#define __pyx_n_s_cutoff __pyx_mstate_global->__pyx_n_s_cutoff -#define __pyx_n_s_cutoff_squared __pyx_mstate_global->__pyx_n_s_cutoff_squared -#define __pyx_n_s_diff_cell_basis_x __pyx_mstate_global->__pyx_n_s_diff_cell_basis_x -#define __pyx_n_s_diff_cell_basis_y __pyx_mstate_global->__pyx_n_s_diff_cell_basis_y -#define __pyx_n_s_diff_cell_basis_z __pyx_mstate_global->__pyx_n_s_diff_cell_basis_z -#define __pyx_n_s_diff_x __pyx_mstate_global->__pyx_n_s_diff_x -#define __pyx_n_s_diff_y __pyx_mstate_global->__pyx_n_s_diff_y -#define __pyx_n_s_diff_z __pyx_mstate_global->__pyx_n_s_diff_z -#define __pyx_n_s_e __pyx_mstate_global->__pyx_n_s_e -#define __pyx_n_s_energy __pyx_mstate_global->__pyx_n_s_energy -#define __pyx_n_s_energy_grid __pyx_mstate_global->__pyx_n_s_energy_grid -#define __pyx_n_s_fast_grid_potential_gaussian __pyx_mstate_global->__pyx_n_s_fast_grid_potential_gaussian -#define __pyx_kp_s_fast_grid_potential_gaussian_pyx __pyx_mstate_global->__pyx_kp_s_fast_grid_potential_gaussian_pyx -#define __pyx_n_s_gaussian_cython __pyx_mstate_global->__pyx_n_s_gaussian_cython -#define __pyx_n_s_height __pyx_mstate_global->__pyx_n_s_height -#define __pyx_n_s_i __pyx_mstate_global->__pyx_n_s_i -#define __pyx_n_s_import __pyx_mstate_global->__pyx_n_s_import -#define __pyx_n_s_initializing __pyx_mstate_global->__pyx_n_s_initializing -#define __pyx_n_s_inv_r12 __pyx_mstate_global->__pyx_n_s_inv_r12 -#define __pyx_n_s_inv_r2 __pyx_mstate_global->__pyx_n_s_inv_r2 -#define __pyx_n_s_inv_r6 __pyx_mstate_global->__pyx_n_s_inv_r6 -#define __pyx_n_s_inverse_cell __pyx_mstate_global->__pyx_n_s_inverse_cell -#define __pyx_n_s_is_coroutine __pyx_mstate_global->__pyx_n_s_is_coroutine -#define __pyx_n_s_j __pyx_mstate_global->__pyx_n_s_j -#define __pyx_n_s_lj12 __pyx_mstate_global->__pyx_n_s_lj12 -#define __pyx_n_s_lj6 __pyx_mstate_global->__pyx_n_s_lj6 -#define __pyx_n_s_main __pyx_mstate_global->__pyx_n_s_main -#define __pyx_n_s_name __pyx_mstate_global->__pyx_n_s_name -#define __pyx_n_s_np __pyx_mstate_global->__pyx_n_s_np -#define __pyx_n_s_numpy __pyx_mstate_global->__pyx_n_s_numpy -#define __pyx_kp_u_numpy_core_multiarray_failed_to __pyx_mstate_global->__pyx_kp_u_numpy_core_multiarray_failed_to -#define __pyx_kp_u_numpy_core_umath_failed_to_impor __pyx_mstate_global->__pyx_kp_u_numpy_core_umath_failed_to_impor -#define __pyx_n_s_pos1 __pyx_mstate_global->__pyx_n_s_pos1 -#define __pyx_n_s_pos2 __pyx_mstate_global->__pyx_n_s_pos2 -#define __pyx_n_s_r2 __pyx_mstate_global->__pyx_n_s_r2 -#define __pyx_n_s_range __pyx_mstate_global->__pyx_n_s_range -#define __pyx_n_s_s __pyx_mstate_global->__pyx_n_s_s -#define __pyx_n_s_s12 __pyx_mstate_global->__pyx_n_s_s12 -#define __pyx_n_s_s6 __pyx_mstate_global->__pyx_n_s_s6 -#define __pyx_n_s_spec __pyx_mstate_global->__pyx_n_s_spec -#define __pyx_n_s_test __pyx_mstate_global->__pyx_n_s_test -#define __pyx_n_s_threshold __pyx_mstate_global->__pyx_n_s_threshold -#define __pyx_n_s_width __pyx_mstate_global->__pyx_n_s_width -#define __pyx_n_s_width_squared __pyx_mstate_global->__pyx_n_s_width_squared -#define __pyx_tuple_ __pyx_mstate_global->__pyx_tuple_ -#define __pyx_tuple__2 __pyx_mstate_global->__pyx_tuple__2 -#define __pyx_tuple__4 __pyx_mstate_global->__pyx_tuple__4 -#define __pyx_codeobj__5 __pyx_mstate_global->__pyx_codeobj__5 -/* #### Code section: module_code ### */ - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":245 - * - * @property - * cdef inline PyObject* base(self) nogil: # <<<<<<<<<<<<<< - * """Returns a borrowed reference to the object owning the data/memory. - * """ - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_7ndarray_4base_base(PyArrayObject *__pyx_v_self) { - PyObject *__pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":248 - * """Returns a borrowed reference to the object owning the data/memory. - * """ - * return PyArray_BASE(self) # <<<<<<<<<<<<<< - * - * @property - */ - __pyx_r = PyArray_BASE(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":245 - * - * @property - * cdef inline PyObject* base(self) nogil: # <<<<<<<<<<<<<< - * """Returns a borrowed reference to the object owning the data/memory. - * """ - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":251 - * - * @property - * cdef inline dtype descr(self): # <<<<<<<<<<<<<< - * """Returns an owned reference to the dtype of the array. - * """ - */ - -static CYTHON_INLINE PyArray_Descr *__pyx_f_5numpy_7ndarray_5descr_descr(PyArrayObject *__pyx_v_self) { - PyArray_Descr *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyArray_Descr *__pyx_t_1; - __Pyx_RefNannySetupContext("descr", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":254 - * """Returns an owned reference to the dtype of the array. - * """ - * return PyArray_DESCR(self) # <<<<<<<<<<<<<< - * - * @property - */ - __Pyx_XDECREF((PyObject *)__pyx_r); - __pyx_t_1 = PyArray_DESCR(__pyx_v_self); - __Pyx_INCREF((PyObject *)((PyArray_Descr *)__pyx_t_1)); - __pyx_r = ((PyArray_Descr *)__pyx_t_1); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":251 - * - * @property - * cdef inline dtype descr(self): # <<<<<<<<<<<<<< - * """Returns an owned reference to the dtype of the array. - * """ - */ - - /* function exit code */ - __pyx_L0:; - __Pyx_XGIVEREF((PyObject *)__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":257 - * - * @property - * cdef inline int ndim(self) nogil: # <<<<<<<<<<<<<< - * """Returns the number of dimensions in the array. - * """ - */ - -static CYTHON_INLINE int __pyx_f_5numpy_7ndarray_4ndim_ndim(PyArrayObject *__pyx_v_self) { - int __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":260 - * """Returns the number of dimensions in the array. - * """ - * return PyArray_NDIM(self) # <<<<<<<<<<<<<< - * - * @property - */ - __pyx_r = PyArray_NDIM(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":257 - * - * @property - * cdef inline int ndim(self) nogil: # <<<<<<<<<<<<<< - * """Returns the number of dimensions in the array. - * """ - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":263 - * - * @property - * cdef inline npy_intp *shape(self) nogil: # <<<<<<<<<<<<<< - * """Returns a pointer to the dimensions/shape of the array. - * The number of elements matches the number of dimensions of the array (ndim). - */ - -static CYTHON_INLINE npy_intp *__pyx_f_5numpy_7ndarray_5shape_shape(PyArrayObject *__pyx_v_self) { - npy_intp *__pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":268 - * Can return NULL for 0-dimensional arrays. - * """ - * return PyArray_DIMS(self) # <<<<<<<<<<<<<< - * - * @property - */ - __pyx_r = PyArray_DIMS(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":263 - * - * @property - * cdef inline npy_intp *shape(self) nogil: # <<<<<<<<<<<<<< - * """Returns a pointer to the dimensions/shape of the array. - * The number of elements matches the number of dimensions of the array (ndim). - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":271 - * - * @property - * cdef inline npy_intp *strides(self) nogil: # <<<<<<<<<<<<<< - * """Returns a pointer to the strides of the array. - * The number of elements matches the number of dimensions of the array (ndim). - */ - -static CYTHON_INLINE npy_intp *__pyx_f_5numpy_7ndarray_7strides_strides(PyArrayObject *__pyx_v_self) { - npy_intp *__pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":275 - * The number of elements matches the number of dimensions of the array (ndim). - * """ - * return PyArray_STRIDES(self) # <<<<<<<<<<<<<< - * - * @property - */ - __pyx_r = PyArray_STRIDES(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":271 - * - * @property - * cdef inline npy_intp *strides(self) nogil: # <<<<<<<<<<<<<< - * """Returns a pointer to the strides of the array. - * The number of elements matches the number of dimensions of the array (ndim). - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":278 - * - * @property - * cdef inline npy_intp size(self) nogil: # <<<<<<<<<<<<<< - * """Returns the total size (in number of elements) of the array. - * """ - */ - -static CYTHON_INLINE npy_intp __pyx_f_5numpy_7ndarray_4size_size(PyArrayObject *__pyx_v_self) { - npy_intp __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":281 - * """Returns the total size (in number of elements) of the array. - * """ - * return PyArray_SIZE(self) # <<<<<<<<<<<<<< - * - * @property - */ - __pyx_r = PyArray_SIZE(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":278 - * - * @property - * cdef inline npy_intp size(self) nogil: # <<<<<<<<<<<<<< - * """Returns the total size (in number of elements) of the array. - * """ - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":284 - * - * @property - * cdef inline char* data(self) nogil: # <<<<<<<<<<<<<< - * """The pointer to the data buffer as a char*. - * This is provided for legacy reasons to avoid direct struct field access. - */ - -static CYTHON_INLINE char *__pyx_f_5numpy_7ndarray_4data_data(PyArrayObject *__pyx_v_self) { - char *__pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":290 - * of `PyArray_DATA()` instead, which returns a 'void*'. - * """ - * return PyArray_BYTES(self) # <<<<<<<<<<<<<< - * - * ctypedef unsigned char npy_bool - */ - __pyx_r = PyArray_BYTES(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":284 - * - * @property - * cdef inline char* data(self) nogil: # <<<<<<<<<<<<<< - * """The pointer to the data buffer as a char*. - * This is provided for legacy reasons to avoid direct struct field access. - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":773 - * ctypedef npy_cdouble complex_t - * - * cdef inline object PyArray_MultiIterNew1(a): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(1, a) - * - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew1(PyObject *__pyx_v_a) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("PyArray_MultiIterNew1", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":774 - * - * cdef inline object PyArray_MultiIterNew1(a): - * return PyArray_MultiIterNew(1, a) # <<<<<<<<<<<<<< - * - * cdef inline object PyArray_MultiIterNew2(a, b): - */ - __Pyx_XDECREF(__pyx_r); - __pyx_t_1 = PyArray_MultiIterNew(1, ((void *)__pyx_v_a)); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 774, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_r = __pyx_t_1; - __pyx_t_1 = 0; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":773 - * ctypedef npy_cdouble complex_t - * - * cdef inline object PyArray_MultiIterNew1(a): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(1, a) - * - */ - - /* function exit code */ - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_AddTraceback("numpy.PyArray_MultiIterNew1", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = 0; - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":776 - * return PyArray_MultiIterNew(1, a) - * - * cdef inline object PyArray_MultiIterNew2(a, b): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(2, a, b) - * - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew2(PyObject *__pyx_v_a, PyObject *__pyx_v_b) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("PyArray_MultiIterNew2", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":777 - * - * cdef inline object PyArray_MultiIterNew2(a, b): - * return PyArray_MultiIterNew(2, a, b) # <<<<<<<<<<<<<< - * - * cdef inline object PyArray_MultiIterNew3(a, b, c): - */ - __Pyx_XDECREF(__pyx_r); - __pyx_t_1 = PyArray_MultiIterNew(2, ((void *)__pyx_v_a), ((void *)__pyx_v_b)); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 777, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_r = __pyx_t_1; - __pyx_t_1 = 0; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":776 - * return PyArray_MultiIterNew(1, a) - * - * cdef inline object PyArray_MultiIterNew2(a, b): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(2, a, b) - * - */ - - /* function exit code */ - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_AddTraceback("numpy.PyArray_MultiIterNew2", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = 0; - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":779 - * return PyArray_MultiIterNew(2, a, b) - * - * cdef inline object PyArray_MultiIterNew3(a, b, c): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(3, a, b, c) - * - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew3(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("PyArray_MultiIterNew3", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":780 - * - * cdef inline object PyArray_MultiIterNew3(a, b, c): - * return PyArray_MultiIterNew(3, a, b, c) # <<<<<<<<<<<<<< - * - * cdef inline object PyArray_MultiIterNew4(a, b, c, d): - */ - __Pyx_XDECREF(__pyx_r); - __pyx_t_1 = PyArray_MultiIterNew(3, ((void *)__pyx_v_a), ((void *)__pyx_v_b), ((void *)__pyx_v_c)); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 780, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_r = __pyx_t_1; - __pyx_t_1 = 0; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":779 - * return PyArray_MultiIterNew(2, a, b) - * - * cdef inline object PyArray_MultiIterNew3(a, b, c): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(3, a, b, c) - * - */ - - /* function exit code */ - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_AddTraceback("numpy.PyArray_MultiIterNew3", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = 0; - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":782 - * return PyArray_MultiIterNew(3, a, b, c) - * - * cdef inline object PyArray_MultiIterNew4(a, b, c, d): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(4, a, b, c, d) - * - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew4(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c, PyObject *__pyx_v_d) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("PyArray_MultiIterNew4", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":783 - * - * cdef inline object PyArray_MultiIterNew4(a, b, c, d): - * return PyArray_MultiIterNew(4, a, b, c, d) # <<<<<<<<<<<<<< - * - * cdef inline object PyArray_MultiIterNew5(a, b, c, d, e): - */ - __Pyx_XDECREF(__pyx_r); - __pyx_t_1 = PyArray_MultiIterNew(4, ((void *)__pyx_v_a), ((void *)__pyx_v_b), ((void *)__pyx_v_c), ((void *)__pyx_v_d)); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 783, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_r = __pyx_t_1; - __pyx_t_1 = 0; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":782 - * return PyArray_MultiIterNew(3, a, b, c) - * - * cdef inline object PyArray_MultiIterNew4(a, b, c, d): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(4, a, b, c, d) - * - */ - - /* function exit code */ - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_AddTraceback("numpy.PyArray_MultiIterNew4", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = 0; - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":785 - * return PyArray_MultiIterNew(4, a, b, c, d) - * - * cdef inline object PyArray_MultiIterNew5(a, b, c, d, e): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(5, a, b, c, d, e) - * - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew5(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c, PyObject *__pyx_v_d, PyObject *__pyx_v_e) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("PyArray_MultiIterNew5", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":786 - * - * cdef inline object PyArray_MultiIterNew5(a, b, c, d, e): - * return PyArray_MultiIterNew(5, a, b, c, d, e) # <<<<<<<<<<<<<< - * - * cdef inline tuple PyDataType_SHAPE(dtype d): - */ - __Pyx_XDECREF(__pyx_r); - __pyx_t_1 = PyArray_MultiIterNew(5, ((void *)__pyx_v_a), ((void *)__pyx_v_b), ((void *)__pyx_v_c), ((void *)__pyx_v_d), ((void *)__pyx_v_e)); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 786, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_r = __pyx_t_1; - __pyx_t_1 = 0; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":785 - * return PyArray_MultiIterNew(4, a, b, c, d) - * - * cdef inline object PyArray_MultiIterNew5(a, b, c, d, e): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(5, a, b, c, d, e) - * - */ - - /* function exit code */ - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_AddTraceback("numpy.PyArray_MultiIterNew5", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = 0; - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":788 - * return PyArray_MultiIterNew(5, a, b, c, d, e) - * - * cdef inline tuple PyDataType_SHAPE(dtype d): # <<<<<<<<<<<<<< - * if PyDataType_HASSUBARRAY(d): - * return d.subarray.shape - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyDataType_SHAPE(PyArray_Descr *__pyx_v_d) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - int __pyx_t_1; - __Pyx_RefNannySetupContext("PyDataType_SHAPE", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":789 - * - * cdef inline tuple PyDataType_SHAPE(dtype d): - * if PyDataType_HASSUBARRAY(d): # <<<<<<<<<<<<<< - * return d.subarray.shape - * else: - */ - __pyx_t_1 = PyDataType_HASSUBARRAY(__pyx_v_d); - if (__pyx_t_1) { - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":790 - * cdef inline tuple PyDataType_SHAPE(dtype d): - * if PyDataType_HASSUBARRAY(d): - * return d.subarray.shape # <<<<<<<<<<<<<< - * else: - * return () - */ - __Pyx_XDECREF(__pyx_r); - __Pyx_INCREF(((PyObject*)__pyx_v_d->subarray->shape)); - __pyx_r = ((PyObject*)__pyx_v_d->subarray->shape); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":789 - * - * cdef inline tuple PyDataType_SHAPE(dtype d): - * if PyDataType_HASSUBARRAY(d): # <<<<<<<<<<<<<< - * return d.subarray.shape - * else: - */ - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":792 - * return d.subarray.shape - * else: - * return () # <<<<<<<<<<<<<< - * - * - */ - /*else*/ { - __Pyx_XDECREF(__pyx_r); - __Pyx_INCREF(__pyx_empty_tuple); - __pyx_r = __pyx_empty_tuple; - goto __pyx_L0; - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":788 - * return PyArray_MultiIterNew(5, a, b, c, d, e) - * - * cdef inline tuple PyDataType_SHAPE(dtype d): # <<<<<<<<<<<<<< - * if PyDataType_HASSUBARRAY(d): - * return d.subarray.shape - */ - - /* function exit code */ - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":968 - * int _import_umath() except -1 - * - * cdef inline void set_array_base(ndarray arr, object base): # <<<<<<<<<<<<<< - * Py_INCREF(base) # important to do this before stealing the reference below! - * PyArray_SetBaseObject(arr, base) - */ - -static CYTHON_INLINE void __pyx_f_5numpy_set_array_base(PyArrayObject *__pyx_v_arr, PyObject *__pyx_v_base) { - int __pyx_t_1; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":969 - * - * cdef inline void set_array_base(ndarray arr, object base): - * Py_INCREF(base) # important to do this before stealing the reference below! # <<<<<<<<<<<<<< - * PyArray_SetBaseObject(arr, base) - * - */ - Py_INCREF(__pyx_v_base); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":970 - * cdef inline void set_array_base(ndarray arr, object base): - * Py_INCREF(base) # important to do this before stealing the reference below! - * PyArray_SetBaseObject(arr, base) # <<<<<<<<<<<<<< - * - * cdef inline object get_array_base(ndarray arr): - */ - __pyx_t_1 = PyArray_SetBaseObject(__pyx_v_arr, __pyx_v_base); if (unlikely(__pyx_t_1 == ((int)-1))) __PYX_ERR(1, 970, __pyx_L1_error) - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":968 - * int _import_umath() except -1 - * - * cdef inline void set_array_base(ndarray arr, object base): # <<<<<<<<<<<<<< - * Py_INCREF(base) # important to do this before stealing the reference below! - * PyArray_SetBaseObject(arr, base) - */ - - /* function exit code */ - goto __pyx_L0; - __pyx_L1_error:; - __Pyx_AddTraceback("numpy.set_array_base", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_L0:; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":972 - * PyArray_SetBaseObject(arr, base) - * - * cdef inline object get_array_base(ndarray arr): # <<<<<<<<<<<<<< - * base = PyArray_BASE(arr) - * if base is NULL: - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_get_array_base(PyArrayObject *__pyx_v_arr) { - PyObject *__pyx_v_base; - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - int __pyx_t_1; - __Pyx_RefNannySetupContext("get_array_base", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":973 - * - * cdef inline object get_array_base(ndarray arr): - * base = PyArray_BASE(arr) # <<<<<<<<<<<<<< - * if base is NULL: - * return None - */ - __pyx_v_base = PyArray_BASE(__pyx_v_arr); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":974 - * cdef inline object get_array_base(ndarray arr): - * base = PyArray_BASE(arr) - * if base is NULL: # <<<<<<<<<<<<<< - * return None - * return base - */ - __pyx_t_1 = (__pyx_v_base == NULL); - if (__pyx_t_1) { - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":975 - * base = PyArray_BASE(arr) - * if base is NULL: - * return None # <<<<<<<<<<<<<< - * return base - * - */ - __Pyx_XDECREF(__pyx_r); - __pyx_r = Py_None; __Pyx_INCREF(Py_None); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":974 - * cdef inline object get_array_base(ndarray arr): - * base = PyArray_BASE(arr) - * if base is NULL: # <<<<<<<<<<<<<< - * return None - * return base - */ - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":976 - * if base is NULL: - * return None - * return base # <<<<<<<<<<<<<< - * - * # Versions of the import_* functions which are more suitable for - */ - __Pyx_XDECREF(__pyx_r); - __Pyx_INCREF(((PyObject *)__pyx_v_base)); - __pyx_r = ((PyObject *)__pyx_v_base); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":972 - * PyArray_SetBaseObject(arr, base) - * - * cdef inline object get_array_base(ndarray arr): # <<<<<<<<<<<<<< - * base = PyArray_BASE(arr) - * if base is NULL: - */ - - /* function exit code */ - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":980 - * # Versions of the import_* functions which are more suitable for - * # Cython code. - * cdef inline int import_array() except -1: # <<<<<<<<<<<<<< - * try: - * __pyx_import_array() - */ - -static CYTHON_INLINE int __pyx_f_5numpy_import_array(void) { - int __pyx_r; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - PyObject *__pyx_t_2 = NULL; - PyObject *__pyx_t_3 = NULL; - int __pyx_t_4; - PyObject *__pyx_t_5 = NULL; - PyObject *__pyx_t_6 = NULL; - PyObject *__pyx_t_7 = NULL; - PyObject *__pyx_t_8 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("import_array", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":981 - * # Cython code. - * cdef inline int import_array() except -1: - * try: # <<<<<<<<<<<<<< - * __pyx_import_array() - * except Exception: - */ - { - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - __Pyx_ExceptionSave(&__pyx_t_1, &__pyx_t_2, &__pyx_t_3); - __Pyx_XGOTREF(__pyx_t_1); - __Pyx_XGOTREF(__pyx_t_2); - __Pyx_XGOTREF(__pyx_t_3); - /*try:*/ { - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":982 - * cdef inline int import_array() except -1: - * try: - * __pyx_import_array() # <<<<<<<<<<<<<< - * except Exception: - * raise ImportError("numpy.core.multiarray failed to import") - */ - __pyx_t_4 = _import_array(); if (unlikely(__pyx_t_4 == ((int)-1))) __PYX_ERR(1, 982, __pyx_L3_error) - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":981 - * # Cython code. - * cdef inline int import_array() except -1: - * try: # <<<<<<<<<<<<<< - * __pyx_import_array() - * except Exception: - */ - } - __Pyx_XDECREF(__pyx_t_1); __pyx_t_1 = 0; - __Pyx_XDECREF(__pyx_t_2); __pyx_t_2 = 0; - __Pyx_XDECREF(__pyx_t_3); __pyx_t_3 = 0; - goto __pyx_L8_try_end; - __pyx_L3_error:; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":983 - * try: - * __pyx_import_array() - * except Exception: # <<<<<<<<<<<<<< - * raise ImportError("numpy.core.multiarray failed to import") - * - */ - __pyx_t_4 = __Pyx_PyErr_ExceptionMatches(((PyObject *)(&((PyTypeObject*)PyExc_Exception)[0]))); - if (__pyx_t_4) { - __Pyx_AddTraceback("numpy.import_array", __pyx_clineno, __pyx_lineno, __pyx_filename); - if (__Pyx_GetException(&__pyx_t_5, &__pyx_t_6, &__pyx_t_7) < 0) __PYX_ERR(1, 983, __pyx_L5_except_error) - __Pyx_XGOTREF(__pyx_t_5); - __Pyx_XGOTREF(__pyx_t_6); - __Pyx_XGOTREF(__pyx_t_7); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":984 - * __pyx_import_array() - * except Exception: - * raise ImportError("numpy.core.multiarray failed to import") # <<<<<<<<<<<<<< - * - * cdef inline int import_umath() except -1: - */ - __pyx_t_8 = __Pyx_PyObject_Call(__pyx_builtin_ImportError, __pyx_tuple_, NULL); if (unlikely(!__pyx_t_8)) __PYX_ERR(1, 984, __pyx_L5_except_error) - __Pyx_GOTREF(__pyx_t_8); - __Pyx_Raise(__pyx_t_8, 0, 0, 0); - __Pyx_DECREF(__pyx_t_8); __pyx_t_8 = 0; - __PYX_ERR(1, 984, __pyx_L5_except_error) - } - goto __pyx_L5_except_error; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":981 - * # Cython code. - * cdef inline int import_array() except -1: - * try: # <<<<<<<<<<<<<< - * __pyx_import_array() - * except Exception: - */ - __pyx_L5_except_error:; - __Pyx_XGIVEREF(__pyx_t_1); - __Pyx_XGIVEREF(__pyx_t_2); - __Pyx_XGIVEREF(__pyx_t_3); - __Pyx_ExceptionReset(__pyx_t_1, __pyx_t_2, __pyx_t_3); - goto __pyx_L1_error; - __pyx_L8_try_end:; - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":980 - * # Versions of the import_* functions which are more suitable for - * # Cython code. - * cdef inline int import_array() except -1: # <<<<<<<<<<<<<< - * try: - * __pyx_import_array() - */ - - /* function exit code */ - __pyx_r = 0; - goto __pyx_L0; - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_5); - __Pyx_XDECREF(__pyx_t_6); - __Pyx_XDECREF(__pyx_t_7); - __Pyx_XDECREF(__pyx_t_8); - __Pyx_AddTraceback("numpy.import_array", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = -1; - __pyx_L0:; - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":986 - * raise ImportError("numpy.core.multiarray failed to import") - * - * cdef inline int import_umath() except -1: # <<<<<<<<<<<<<< - * try: - * _import_umath() - */ - -static CYTHON_INLINE int __pyx_f_5numpy_import_umath(void) { - int __pyx_r; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - PyObject *__pyx_t_2 = NULL; - PyObject *__pyx_t_3 = NULL; - int __pyx_t_4; - PyObject *__pyx_t_5 = NULL; - PyObject *__pyx_t_6 = NULL; - PyObject *__pyx_t_7 = NULL; - PyObject *__pyx_t_8 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("import_umath", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":987 - * - * cdef inline int import_umath() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - { - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - __Pyx_ExceptionSave(&__pyx_t_1, &__pyx_t_2, &__pyx_t_3); - __Pyx_XGOTREF(__pyx_t_1); - __Pyx_XGOTREF(__pyx_t_2); - __Pyx_XGOTREF(__pyx_t_3); - /*try:*/ { - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":988 - * cdef inline int import_umath() except -1: - * try: - * _import_umath() # <<<<<<<<<<<<<< - * except Exception: - * raise ImportError("numpy.core.umath failed to import") - */ - __pyx_t_4 = _import_umath(); if (unlikely(__pyx_t_4 == ((int)-1))) __PYX_ERR(1, 988, __pyx_L3_error) - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":987 - * - * cdef inline int import_umath() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - } - __Pyx_XDECREF(__pyx_t_1); __pyx_t_1 = 0; - __Pyx_XDECREF(__pyx_t_2); __pyx_t_2 = 0; - __Pyx_XDECREF(__pyx_t_3); __pyx_t_3 = 0; - goto __pyx_L8_try_end; - __pyx_L3_error:; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":989 - * try: - * _import_umath() - * except Exception: # <<<<<<<<<<<<<< - * raise ImportError("numpy.core.umath failed to import") - * - */ - __pyx_t_4 = __Pyx_PyErr_ExceptionMatches(((PyObject *)(&((PyTypeObject*)PyExc_Exception)[0]))); - if (__pyx_t_4) { - __Pyx_AddTraceback("numpy.import_umath", __pyx_clineno, __pyx_lineno, __pyx_filename); - if (__Pyx_GetException(&__pyx_t_5, &__pyx_t_6, &__pyx_t_7) < 0) __PYX_ERR(1, 989, __pyx_L5_except_error) - __Pyx_XGOTREF(__pyx_t_5); - __Pyx_XGOTREF(__pyx_t_6); - __Pyx_XGOTREF(__pyx_t_7); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":990 - * _import_umath() - * except Exception: - * raise ImportError("numpy.core.umath failed to import") # <<<<<<<<<<<<<< - * - * cdef inline int import_ufunc() except -1: - */ - __pyx_t_8 = __Pyx_PyObject_Call(__pyx_builtin_ImportError, __pyx_tuple__2, NULL); if (unlikely(!__pyx_t_8)) __PYX_ERR(1, 990, __pyx_L5_except_error) - __Pyx_GOTREF(__pyx_t_8); - __Pyx_Raise(__pyx_t_8, 0, 0, 0); - __Pyx_DECREF(__pyx_t_8); __pyx_t_8 = 0; - __PYX_ERR(1, 990, __pyx_L5_except_error) - } - goto __pyx_L5_except_error; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":987 - * - * cdef inline int import_umath() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - __pyx_L5_except_error:; - __Pyx_XGIVEREF(__pyx_t_1); - __Pyx_XGIVEREF(__pyx_t_2); - __Pyx_XGIVEREF(__pyx_t_3); - __Pyx_ExceptionReset(__pyx_t_1, __pyx_t_2, __pyx_t_3); - goto __pyx_L1_error; - __pyx_L8_try_end:; - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":986 - * raise ImportError("numpy.core.multiarray failed to import") - * - * cdef inline int import_umath() except -1: # <<<<<<<<<<<<<< - * try: - * _import_umath() - */ - - /* function exit code */ - __pyx_r = 0; - goto __pyx_L0; - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_5); - __Pyx_XDECREF(__pyx_t_6); - __Pyx_XDECREF(__pyx_t_7); - __Pyx_XDECREF(__pyx_t_8); - __Pyx_AddTraceback("numpy.import_umath", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = -1; - __pyx_L0:; - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":992 - * raise ImportError("numpy.core.umath failed to import") - * - * cdef inline int import_ufunc() except -1: # <<<<<<<<<<<<<< - * try: - * _import_umath() - */ - -static CYTHON_INLINE int __pyx_f_5numpy_import_ufunc(void) { - int __pyx_r; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - PyObject *__pyx_t_2 = NULL; - PyObject *__pyx_t_3 = NULL; - int __pyx_t_4; - PyObject *__pyx_t_5 = NULL; - PyObject *__pyx_t_6 = NULL; - PyObject *__pyx_t_7 = NULL; - PyObject *__pyx_t_8 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("import_ufunc", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":993 - * - * cdef inline int import_ufunc() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - { - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - __Pyx_ExceptionSave(&__pyx_t_1, &__pyx_t_2, &__pyx_t_3); - __Pyx_XGOTREF(__pyx_t_1); - __Pyx_XGOTREF(__pyx_t_2); - __Pyx_XGOTREF(__pyx_t_3); - /*try:*/ { - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":994 - * cdef inline int import_ufunc() except -1: - * try: - * _import_umath() # <<<<<<<<<<<<<< - * except Exception: - * raise ImportError("numpy.core.umath failed to import") - */ - __pyx_t_4 = _import_umath(); if (unlikely(__pyx_t_4 == ((int)-1))) __PYX_ERR(1, 994, __pyx_L3_error) - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":993 - * - * cdef inline int import_ufunc() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - } - __Pyx_XDECREF(__pyx_t_1); __pyx_t_1 = 0; - __Pyx_XDECREF(__pyx_t_2); __pyx_t_2 = 0; - __Pyx_XDECREF(__pyx_t_3); __pyx_t_3 = 0; - goto __pyx_L8_try_end; - __pyx_L3_error:; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":995 - * try: - * _import_umath() - * except Exception: # <<<<<<<<<<<<<< - * raise ImportError("numpy.core.umath failed to import") - * - */ - __pyx_t_4 = __Pyx_PyErr_ExceptionMatches(((PyObject *)(&((PyTypeObject*)PyExc_Exception)[0]))); - if (__pyx_t_4) { - __Pyx_AddTraceback("numpy.import_ufunc", __pyx_clineno, __pyx_lineno, __pyx_filename); - if (__Pyx_GetException(&__pyx_t_5, &__pyx_t_6, &__pyx_t_7) < 0) __PYX_ERR(1, 995, __pyx_L5_except_error) - __Pyx_XGOTREF(__pyx_t_5); - __Pyx_XGOTREF(__pyx_t_6); - __Pyx_XGOTREF(__pyx_t_7); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":996 - * _import_umath() - * except Exception: - * raise ImportError("numpy.core.umath failed to import") # <<<<<<<<<<<<<< - * - * - */ - __pyx_t_8 = __Pyx_PyObject_Call(__pyx_builtin_ImportError, __pyx_tuple__2, NULL); if (unlikely(!__pyx_t_8)) __PYX_ERR(1, 996, __pyx_L5_except_error) - __Pyx_GOTREF(__pyx_t_8); - __Pyx_Raise(__pyx_t_8, 0, 0, 0); - __Pyx_DECREF(__pyx_t_8); __pyx_t_8 = 0; - __PYX_ERR(1, 996, __pyx_L5_except_error) - } - goto __pyx_L5_except_error; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":993 - * - * cdef inline int import_ufunc() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - __pyx_L5_except_error:; - __Pyx_XGIVEREF(__pyx_t_1); - __Pyx_XGIVEREF(__pyx_t_2); - __Pyx_XGIVEREF(__pyx_t_3); - __Pyx_ExceptionReset(__pyx_t_1, __pyx_t_2, __pyx_t_3); - goto __pyx_L1_error; - __pyx_L8_try_end:; - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":992 - * raise ImportError("numpy.core.umath failed to import") - * - * cdef inline int import_ufunc() except -1: # <<<<<<<<<<<<<< - * try: - * _import_umath() - */ - - /* function exit code */ - __pyx_r = 0; - goto __pyx_L0; - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_5); - __Pyx_XDECREF(__pyx_t_6); - __Pyx_XDECREF(__pyx_t_7); - __Pyx_XDECREF(__pyx_t_8); - __Pyx_AddTraceback("numpy.import_ufunc", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = -1; - __pyx_L0:; - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":999 - * - * - * cdef inline bint is_timedelta64_object(object obj): # <<<<<<<<<<<<<< - * """ - * Cython equivalent of `isinstance(obj, np.timedelta64)` - */ - -static CYTHON_INLINE int __pyx_f_5numpy_is_timedelta64_object(PyObject *__pyx_v_obj) { - int __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1011 - * bool - * """ - * return PyObject_TypeCheck(obj, &PyTimedeltaArrType_Type) # <<<<<<<<<<<<<< - * - * - */ - __pyx_r = PyObject_TypeCheck(__pyx_v_obj, (&PyTimedeltaArrType_Type)); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":999 - * - * - * cdef inline bint is_timedelta64_object(object obj): # <<<<<<<<<<<<<< - * """ - * Cython equivalent of `isinstance(obj, np.timedelta64)` - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1014 - * - * - * cdef inline bint is_datetime64_object(object obj): # <<<<<<<<<<<<<< - * """ - * Cython equivalent of `isinstance(obj, np.datetime64)` - */ - -static CYTHON_INLINE int __pyx_f_5numpy_is_datetime64_object(PyObject *__pyx_v_obj) { - int __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1026 - * bool - * """ - * return PyObject_TypeCheck(obj, &PyDatetimeArrType_Type) # <<<<<<<<<<<<<< - * - * - */ - __pyx_r = PyObject_TypeCheck(__pyx_v_obj, (&PyDatetimeArrType_Type)); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1014 - * - * - * cdef inline bint is_datetime64_object(object obj): # <<<<<<<<<<<<<< - * """ - * Cython equivalent of `isinstance(obj, np.datetime64)` - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1029 - * - * - * cdef inline npy_datetime get_datetime64_value(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the int64 value underlying scalar numpy datetime64 object - */ - -static CYTHON_INLINE npy_datetime __pyx_f_5numpy_get_datetime64_value(PyObject *__pyx_v_obj) { - npy_datetime __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1036 - * also needed. That can be found using `get_datetime64_unit`. - * """ - * return (obj).obval # <<<<<<<<<<<<<< - * - * - */ - __pyx_r = ((PyDatetimeScalarObject *)__pyx_v_obj)->obval; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1029 - * - * - * cdef inline npy_datetime get_datetime64_value(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the int64 value underlying scalar numpy datetime64 object - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1039 - * - * - * cdef inline npy_timedelta get_timedelta64_value(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the int64 value underlying scalar numpy timedelta64 object - */ - -static CYTHON_INLINE npy_timedelta __pyx_f_5numpy_get_timedelta64_value(PyObject *__pyx_v_obj) { - npy_timedelta __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1043 - * returns the int64 value underlying scalar numpy timedelta64 object - * """ - * return (obj).obval # <<<<<<<<<<<<<< - * - * - */ - __pyx_r = ((PyTimedeltaScalarObject *)__pyx_v_obj)->obval; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1039 - * - * - * cdef inline npy_timedelta get_timedelta64_value(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the int64 value underlying scalar numpy timedelta64 object - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1046 - * - * - * cdef inline NPY_DATETIMEUNIT get_datetime64_unit(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the unit part of the dtype for a numpy datetime64 object. - */ - -static CYTHON_INLINE NPY_DATETIMEUNIT __pyx_f_5numpy_get_datetime64_unit(PyObject *__pyx_v_obj) { - NPY_DATETIMEUNIT __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1050 - * returns the unit part of the dtype for a numpy datetime64 object. - * """ - * return (obj).obmeta.base # <<<<<<<<<<<<<< - */ - __pyx_r = ((NPY_DATETIMEUNIT)((PyDatetimeScalarObject *)__pyx_v_obj)->obmeta.base); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1046 - * - * - * cdef inline NPY_DATETIMEUNIT get_datetime64_unit(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the unit part of the dtype for a numpy datetime64 object. - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "fast_grid/potential/gaussian.pyx":12 - * - * - * def gaussian_cython(np.ndarray[np.float64_t, ndim=2] pos1, # <<<<<<<<<<<<<< - * np.ndarray[np.float64_t, ndim=2] pos2, - * np.ndarray[np.float64_t, ndim=2] cell_vectors, - */ - -/* Python wrapper */ -static PyObject *__pyx_pw_9fast_grid_9potential_8gaussian_1gaussian_cython(PyObject *__pyx_self, -#if CYTHON_METH_FASTCALL -PyObject *const *__pyx_args, Py_ssize_t __pyx_nargs, PyObject *__pyx_kwds -#else -PyObject *__pyx_args, PyObject *__pyx_kwds -#endif -); /*proto*/ -static PyMethodDef __pyx_mdef_9fast_grid_9potential_8gaussian_1gaussian_cython = {"gaussian_cython", (PyCFunction)(void*)(__Pyx_PyCFunction_FastCallWithKeywords)__pyx_pw_9fast_grid_9potential_8gaussian_1gaussian_cython, __Pyx_METH_FASTCALL|METH_KEYWORDS, 0}; -static PyObject *__pyx_pw_9fast_grid_9potential_8gaussian_1gaussian_cython(PyObject *__pyx_self, -#if CYTHON_METH_FASTCALL -PyObject *const *__pyx_args, Py_ssize_t __pyx_nargs, PyObject *__pyx_kwds -#else -PyObject *__pyx_args, PyObject *__pyx_kwds -#endif -) { - PyArrayObject *__pyx_v_pos1 = 0; - PyArrayObject *__pyx_v_pos2 = 0; - PyArrayObject *__pyx_v_cell_vectors = 0; - PyArrayObject *__pyx_v_inverse_cell = 0; - float __pyx_v_height; - float __pyx_v_width; - float __pyx_v_cutoff; - PyArrayObject *__pyx_v_energy_grid = 0; - #if !CYTHON_METH_FASTCALL - CYTHON_UNUSED Py_ssize_t __pyx_nargs; - #endif - CYTHON_UNUSED PyObject *const *__pyx_kwvalues; - PyObject* values[8] = {0,0,0,0,0,0,0,0}; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - PyObject *__pyx_r = 0; - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("gaussian_cython (wrapper)", 0); - #if !CYTHON_METH_FASTCALL - #if CYTHON_ASSUME_SAFE_MACROS - __pyx_nargs = PyTuple_GET_SIZE(__pyx_args); - #else - __pyx_nargs = PyTuple_Size(__pyx_args); if (unlikely(__pyx_nargs < 0)) return NULL; - #endif - #endif - __pyx_kwvalues = __Pyx_KwValues_FASTCALL(__pyx_args, __pyx_nargs); - { - PyObject **__pyx_pyargnames[] = {&__pyx_n_s_pos1,&__pyx_n_s_pos2,&__pyx_n_s_cell_vectors,&__pyx_n_s_inverse_cell,&__pyx_n_s_height,&__pyx_n_s_width,&__pyx_n_s_cutoff,&__pyx_n_s_energy_grid,0}; - if (__pyx_kwds) { - Py_ssize_t kw_args; - switch (__pyx_nargs) { - case 8: values[7] = __Pyx_Arg_FASTCALL(__pyx_args, 7); - CYTHON_FALLTHROUGH; - case 7: values[6] = __Pyx_Arg_FASTCALL(__pyx_args, 6); - CYTHON_FALLTHROUGH; - case 6: values[5] = __Pyx_Arg_FASTCALL(__pyx_args, 5); - CYTHON_FALLTHROUGH; - case 5: values[4] = __Pyx_Arg_FASTCALL(__pyx_args, 4); - CYTHON_FALLTHROUGH; - case 4: values[3] = __Pyx_Arg_FASTCALL(__pyx_args, 3); - CYTHON_FALLTHROUGH; - case 3: values[2] = __Pyx_Arg_FASTCALL(__pyx_args, 2); - CYTHON_FALLTHROUGH; - case 2: values[1] = __Pyx_Arg_FASTCALL(__pyx_args, 1); - CYTHON_FALLTHROUGH; - case 1: values[0] = __Pyx_Arg_FASTCALL(__pyx_args, 0); - CYTHON_FALLTHROUGH; - case 0: break; - default: goto __pyx_L5_argtuple_error; - } - kw_args = __Pyx_NumKwargs_FASTCALL(__pyx_kwds); - switch (__pyx_nargs) { - case 0: - if (likely((values[0] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_pos1)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[0]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 12, __pyx_L3_error) - else goto __pyx_L5_argtuple_error; - CYTHON_FALLTHROUGH; - case 1: - if (likely((values[1] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_pos2)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[1]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 12, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("gaussian_cython", 1, 8, 8, 1); __PYX_ERR(0, 12, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 2: - if (likely((values[2] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_cell_vectors)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[2]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 12, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("gaussian_cython", 1, 8, 8, 2); __PYX_ERR(0, 12, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 3: - if (likely((values[3] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_inverse_cell)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[3]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 12, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("gaussian_cython", 1, 8, 8, 3); __PYX_ERR(0, 12, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 4: - if (likely((values[4] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_height)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[4]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 12, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("gaussian_cython", 1, 8, 8, 4); __PYX_ERR(0, 12, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 5: - if (likely((values[5] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_width)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[5]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 12, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("gaussian_cython", 1, 8, 8, 5); __PYX_ERR(0, 12, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 6: - if (likely((values[6] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_cutoff)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[6]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 12, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("gaussian_cython", 1, 8, 8, 6); __PYX_ERR(0, 12, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 7: - if (likely((values[7] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_energy_grid)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[7]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 12, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("gaussian_cython", 1, 8, 8, 7); __PYX_ERR(0, 12, __pyx_L3_error) - } - } - if (unlikely(kw_args > 0)) { - const Py_ssize_t kwd_pos_args = __pyx_nargs; - if (unlikely(__Pyx_ParseOptionalKeywords(__pyx_kwds, __pyx_kwvalues, __pyx_pyargnames, 0, values + 0, kwd_pos_args, "gaussian_cython") < 0)) __PYX_ERR(0, 12, __pyx_L3_error) - } - } else if (unlikely(__pyx_nargs != 8)) { - goto __pyx_L5_argtuple_error; - } else { - values[0] = __Pyx_Arg_FASTCALL(__pyx_args, 0); - values[1] = __Pyx_Arg_FASTCALL(__pyx_args, 1); - values[2] = __Pyx_Arg_FASTCALL(__pyx_args, 2); - values[3] = __Pyx_Arg_FASTCALL(__pyx_args, 3); - values[4] = __Pyx_Arg_FASTCALL(__pyx_args, 4); - values[5] = __Pyx_Arg_FASTCALL(__pyx_args, 5); - values[6] = __Pyx_Arg_FASTCALL(__pyx_args, 6); - values[7] = __Pyx_Arg_FASTCALL(__pyx_args, 7); - } - __pyx_v_pos1 = ((PyArrayObject *)values[0]); - __pyx_v_pos2 = ((PyArrayObject *)values[1]); - __pyx_v_cell_vectors = ((PyArrayObject *)values[2]); - __pyx_v_inverse_cell = ((PyArrayObject *)values[3]); - __pyx_v_height = __pyx_PyFloat_AsFloat(values[4]); if (unlikely((__pyx_v_height == (float)-1) && PyErr_Occurred())) __PYX_ERR(0, 16, __pyx_L3_error) - __pyx_v_width = __pyx_PyFloat_AsFloat(values[5]); if (unlikely((__pyx_v_width == (float)-1) && PyErr_Occurred())) __PYX_ERR(0, 17, __pyx_L3_error) - __pyx_v_cutoff = __pyx_PyFloat_AsFloat(values[6]); if (unlikely((__pyx_v_cutoff == (float)-1) && PyErr_Occurred())) __PYX_ERR(0, 18, __pyx_L3_error) - __pyx_v_energy_grid = ((PyArrayObject *)values[7]); - } - goto __pyx_L6_skip; - __pyx_L5_argtuple_error:; - __Pyx_RaiseArgtupleInvalid("gaussian_cython", 1, 8, 8, __pyx_nargs); __PYX_ERR(0, 12, __pyx_L3_error) - __pyx_L6_skip:; - goto __pyx_L4_argument_unpacking_done; - __pyx_L3_error:; - { - Py_ssize_t __pyx_temp; - for (__pyx_temp=0; __pyx_temp < (Py_ssize_t)(sizeof(values)/sizeof(values[0])); ++__pyx_temp) { - __Pyx_Arg_XDECREF_FASTCALL(values[__pyx_temp]); - } - } - __Pyx_AddTraceback("fast_grid.potential.gaussian.gaussian_cython", __pyx_clineno, __pyx_lineno, __pyx_filename); - __Pyx_RefNannyFinishContext(); - return NULL; - __pyx_L4_argument_unpacking_done:; - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_pos1), __pyx_ptype_5numpy_ndarray, 1, "pos1", 0))) __PYX_ERR(0, 12, __pyx_L1_error) - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_pos2), __pyx_ptype_5numpy_ndarray, 1, "pos2", 0))) __PYX_ERR(0, 13, __pyx_L1_error) - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_cell_vectors), __pyx_ptype_5numpy_ndarray, 1, "cell_vectors", 0))) __PYX_ERR(0, 14, __pyx_L1_error) - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_inverse_cell), __pyx_ptype_5numpy_ndarray, 1, "inverse_cell", 0))) __PYX_ERR(0, 15, __pyx_L1_error) - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_energy_grid), __pyx_ptype_5numpy_ndarray, 1, "energy_grid", 0))) __PYX_ERR(0, 19, __pyx_L1_error) - __pyx_r = __pyx_pf_9fast_grid_9potential_8gaussian_gaussian_cython(__pyx_self, __pyx_v_pos1, __pyx_v_pos2, __pyx_v_cell_vectors, __pyx_v_inverse_cell, __pyx_v_height, __pyx_v_width, __pyx_v_cutoff, __pyx_v_energy_grid); - - /* function exit code */ - goto __pyx_L0; - __pyx_L1_error:; - __pyx_r = NULL; - __pyx_L0:; - { - Py_ssize_t __pyx_temp; - for (__pyx_temp=0; __pyx_temp < (Py_ssize_t)(sizeof(values)/sizeof(values[0])); ++__pyx_temp) { - __Pyx_Arg_XDECREF_FASTCALL(values[__pyx_temp]); - } - } - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -static PyObject *__pyx_pf_9fast_grid_9potential_8gaussian_gaussian_cython(CYTHON_UNUSED PyObject *__pyx_self, PyArrayObject *__pyx_v_pos1, PyArrayObject *__pyx_v_pos2, PyArrayObject *__pyx_v_cell_vectors, PyArrayObject *__pyx_v_inverse_cell, float __pyx_v_height, float __pyx_v_width, float __pyx_v_cutoff, PyArrayObject *__pyx_v_energy_grid) { - CYTHON_UNUSED int __pyx_v_G; - int __pyx_v_N; - int __pyx_v_i; - int __pyx_v_j; - float __pyx_v_diff_x; - float __pyx_v_diff_y; - float __pyx_v_diff_z; - float __pyx_v_diff_cell_basis_x; - float __pyx_v_diff_cell_basis_y; - float __pyx_v_diff_cell_basis_z; - float __pyx_v_r2; - float __pyx_v_energy; - float __pyx_v_threshold; - float __pyx_v_width_squared; - float __pyx_v_cutoff_squared; - __Pyx_LocalBuf_ND __pyx_pybuffernd_cell_vectors; - __Pyx_Buffer __pyx_pybuffer_cell_vectors; - __Pyx_LocalBuf_ND __pyx_pybuffernd_energy_grid; - __Pyx_Buffer __pyx_pybuffer_energy_grid; - __Pyx_LocalBuf_ND __pyx_pybuffernd_inverse_cell; - __Pyx_Buffer __pyx_pybuffer_inverse_cell; - __Pyx_LocalBuf_ND __pyx_pybuffernd_pos1; - __Pyx_Buffer __pyx_pybuffer_pos1; - __Pyx_LocalBuf_ND __pyx_pybuffernd_pos2; - __Pyx_Buffer __pyx_pybuffer_pos2; - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - npy_intp *__pyx_t_1; - int __pyx_t_2; - int __pyx_t_3; - int __pyx_t_4; - int __pyx_t_5; - int __pyx_t_6; - int __pyx_t_7; - Py_ssize_t __pyx_t_8; - Py_ssize_t __pyx_t_9; - Py_ssize_t __pyx_t_10; - Py_ssize_t __pyx_t_11; - Py_ssize_t __pyx_t_12; - Py_ssize_t __pyx_t_13; - int __pyx_t_14; - int __pyx_t_15; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("gaussian_cython", 1); - __pyx_pybuffer_pos1.pybuffer.buf = NULL; - __pyx_pybuffer_pos1.refcount = 0; - __pyx_pybuffernd_pos1.data = NULL; - __pyx_pybuffernd_pos1.rcbuffer = &__pyx_pybuffer_pos1; - __pyx_pybuffer_pos2.pybuffer.buf = NULL; - __pyx_pybuffer_pos2.refcount = 0; - __pyx_pybuffernd_pos2.data = NULL; - __pyx_pybuffernd_pos2.rcbuffer = &__pyx_pybuffer_pos2; - __pyx_pybuffer_cell_vectors.pybuffer.buf = NULL; - __pyx_pybuffer_cell_vectors.refcount = 0; - __pyx_pybuffernd_cell_vectors.data = NULL; - __pyx_pybuffernd_cell_vectors.rcbuffer = &__pyx_pybuffer_cell_vectors; - __pyx_pybuffer_inverse_cell.pybuffer.buf = NULL; - __pyx_pybuffer_inverse_cell.refcount = 0; - __pyx_pybuffernd_inverse_cell.data = NULL; - __pyx_pybuffernd_inverse_cell.rcbuffer = &__pyx_pybuffer_inverse_cell; - __pyx_pybuffer_energy_grid.pybuffer.buf = NULL; - __pyx_pybuffer_energy_grid.refcount = 0; - __pyx_pybuffernd_energy_grid.data = NULL; - __pyx_pybuffernd_energy_grid.rcbuffer = &__pyx_pybuffer_energy_grid; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_pos1.rcbuffer->pybuffer, (PyObject*)__pyx_v_pos1, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES, 2, 0, __pyx_stack) == -1)) __PYX_ERR(0, 12, __pyx_L1_error) - } - __pyx_pybuffernd_pos1.diminfo[0].strides = __pyx_pybuffernd_pos1.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_pos1.diminfo[0].shape = __pyx_pybuffernd_pos1.rcbuffer->pybuffer.shape[0]; __pyx_pybuffernd_pos1.diminfo[1].strides = __pyx_pybuffernd_pos1.rcbuffer->pybuffer.strides[1]; __pyx_pybuffernd_pos1.diminfo[1].shape = __pyx_pybuffernd_pos1.rcbuffer->pybuffer.shape[1]; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_pos2.rcbuffer->pybuffer, (PyObject*)__pyx_v_pos2, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES, 2, 0, __pyx_stack) == -1)) __PYX_ERR(0, 12, __pyx_L1_error) - } - __pyx_pybuffernd_pos2.diminfo[0].strides = __pyx_pybuffernd_pos2.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_pos2.diminfo[0].shape = __pyx_pybuffernd_pos2.rcbuffer->pybuffer.shape[0]; __pyx_pybuffernd_pos2.diminfo[1].strides = __pyx_pybuffernd_pos2.rcbuffer->pybuffer.strides[1]; __pyx_pybuffernd_pos2.diminfo[1].shape = __pyx_pybuffernd_pos2.rcbuffer->pybuffer.shape[1]; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer, (PyObject*)__pyx_v_cell_vectors, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES, 2, 0, __pyx_stack) == -1)) __PYX_ERR(0, 12, __pyx_L1_error) - } - __pyx_pybuffernd_cell_vectors.diminfo[0].strides = __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_cell_vectors.diminfo[0].shape = __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.shape[0]; __pyx_pybuffernd_cell_vectors.diminfo[1].strides = __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.strides[1]; __pyx_pybuffernd_cell_vectors.diminfo[1].shape = __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.shape[1]; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer, (PyObject*)__pyx_v_inverse_cell, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES, 2, 0, __pyx_stack) == -1)) __PYX_ERR(0, 12, __pyx_L1_error) - } - __pyx_pybuffernd_inverse_cell.diminfo[0].strides = __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_inverse_cell.diminfo[0].shape = __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.shape[0]; __pyx_pybuffernd_inverse_cell.diminfo[1].strides = __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.strides[1]; __pyx_pybuffernd_inverse_cell.diminfo[1].shape = __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.shape[1]; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_energy_grid.rcbuffer->pybuffer, (PyObject*)__pyx_v_energy_grid, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES| PyBUF_WRITABLE, 1, 0, __pyx_stack) == -1)) __PYX_ERR(0, 12, __pyx_L1_error) - } - __pyx_pybuffernd_energy_grid.diminfo[0].strides = __pyx_pybuffernd_energy_grid.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_energy_grid.diminfo[0].shape = __pyx_pybuffernd_energy_grid.rcbuffer->pybuffer.shape[0]; - - /* "fast_grid/potential/gaussian.pyx":22 - * ): - * - * cdef int G = pos1.shape[0] # grid size # <<<<<<<<<<<<<< - * cdef int N = pos2.shape[0] # number of atoms - * cdef int i, j = 0 - */ - __pyx_t_1 = __pyx_f_5numpy_7ndarray_5shape_shape(((PyArrayObject *)__pyx_v_pos1)); if (unlikely(__pyx_t_1 == ((npy_intp *)NULL) && PyErr_Occurred())) __PYX_ERR(0, 22, __pyx_L1_error) - __pyx_v_G = (__pyx_t_1[0]); - - /* "fast_grid/potential/gaussian.pyx":23 - * - * cdef int G = pos1.shape[0] # grid size - * cdef int N = pos2.shape[0] # number of atoms # <<<<<<<<<<<<<< - * cdef int i, j = 0 - * cdef float diff_x, diff_y, diff_z - */ - __pyx_t_1 = __pyx_f_5numpy_7ndarray_5shape_shape(((PyArrayObject *)__pyx_v_pos2)); if (unlikely(__pyx_t_1 == ((npy_intp *)NULL) && PyErr_Occurred())) __PYX_ERR(0, 23, __pyx_L1_error) - __pyx_v_N = (__pyx_t_1[0]); - - /* "fast_grid/potential/gaussian.pyx":24 - * cdef int G = pos1.shape[0] # grid size - * cdef int N = pos2.shape[0] # number of atoms - * cdef int i, j = 0 # <<<<<<<<<<<<<< - * cdef float diff_x, diff_y, diff_z - * cdef float diff_cell_basis_x, diff_cell_basis_y, diff_cell_basis_z - */ - __pyx_v_j = 0; - - /* "fast_grid/potential/gaussian.pyx":29 - * cdef float r2, lj6, lj12, inv_r2, inv_r6, inv_r12, e, s, s6, s12 #remove this line - * cdef float energy - * cdef float threshold = 1e-10 # <<<<<<<<<<<<<< - * cdef float width_squared = width * width - * cdef float cutoff_squared = cutoff * cutoff - */ - __pyx_v_threshold = 1e-10; - - /* "fast_grid/potential/gaussian.pyx":30 - * cdef float energy - * cdef float threshold = 1e-10 - * cdef float width_squared = width * width # <<<<<<<<<<<<<< - * cdef float cutoff_squared = cutoff * cutoff - * - */ - __pyx_v_width_squared = (__pyx_v_width * __pyx_v_width); - - /* "fast_grid/potential/gaussian.pyx":31 - * cdef float threshold = 1e-10 - * cdef float width_squared = width * width - * cdef float cutoff_squared = cutoff * cutoff # <<<<<<<<<<<<<< - * - * for i in prange(G, nogil=True): - */ - __pyx_v_cutoff_squared = (__pyx_v_cutoff * __pyx_v_cutoff); - - /* "fast_grid/potential/gaussian.pyx":33 - * cdef float cutoff_squared = cutoff * cutoff - * - * for i in prange(G, nogil=True): # <<<<<<<<<<<<<< - * energy = 0.0 - * for j in range(N): - */ - { - #ifdef WITH_THREAD - PyThreadState *_save; - _save = NULL; - Py_UNBLOCK_THREADS - __Pyx_FastGIL_Remember(); - #endif - /*try:*/ { - __pyx_t_2 = __pyx_v_G; - { - #if ((defined(__APPLE__) || defined(__OSX__)) && (defined(__GNUC__) && (__GNUC__ > 2 || (__GNUC__ == 2 && (__GNUC_MINOR__ > 95))))) - #undef likely - #undef unlikely - #define likely(x) (x) - #define unlikely(x) (x) - #endif - __pyx_t_4 = (__pyx_t_2 - 0 + 1 - 1/abs(1)) / 1; - if (__pyx_t_4 > 0) - { - #ifdef _OPENMP - #pragma omp parallel reduction(+:__pyx_v_energy) private(__pyx_t_10, __pyx_t_11, __pyx_t_12, __pyx_t_13, __pyx_t_14, __pyx_t_15, __pyx_t_5, __pyx_t_6, __pyx_t_7, __pyx_t_8, __pyx_t_9) - #endif /* _OPENMP */ - { - #ifdef _OPENMP - #pragma omp for lastprivate(__pyx_v_diff_cell_basis_x) lastprivate(__pyx_v_diff_cell_basis_y) lastprivate(__pyx_v_diff_cell_basis_z) lastprivate(__pyx_v_diff_x) lastprivate(__pyx_v_diff_y) lastprivate(__pyx_v_diff_z) firstprivate(__pyx_v_i) lastprivate(__pyx_v_i) lastprivate(__pyx_v_j) lastprivate(__pyx_v_r2) - #endif /* _OPENMP */ - for (__pyx_t_3 = 0; __pyx_t_3 < __pyx_t_4; __pyx_t_3++){ - { - __pyx_v_i = (int)(0 + 1 * __pyx_t_3); - /* Initialize private variables to invalid values */ - __pyx_v_diff_cell_basis_x = ((float)__PYX_NAN()); - __pyx_v_diff_cell_basis_y = ((float)__PYX_NAN()); - __pyx_v_diff_cell_basis_z = ((float)__PYX_NAN()); - __pyx_v_diff_x = ((float)__PYX_NAN()); - __pyx_v_diff_y = ((float)__PYX_NAN()); - __pyx_v_diff_z = ((float)__PYX_NAN()); - __pyx_v_j = ((int)0xbad0bad0); - __pyx_v_r2 = ((float)__PYX_NAN()); - - /* "fast_grid/potential/gaussian.pyx":34 - * - * for i in prange(G, nogil=True): - * energy = 0.0 # <<<<<<<<<<<<<< - * for j in range(N): - * diff_x = pos1[i, 0] - pos2[j, 0] - */ - __pyx_v_energy = 0.0; - - /* "fast_grid/potential/gaussian.pyx":35 - * for i in prange(G, nogil=True): - * energy = 0.0 - * for j in range(N): # <<<<<<<<<<<<<< - * diff_x = pos1[i, 0] - pos2[j, 0] - * diff_y = pos1[i, 1] - pos2[j, 1] - */ - __pyx_t_5 = __pyx_v_N; - __pyx_t_6 = __pyx_t_5; - for (__pyx_t_7 = 0; __pyx_t_7 < __pyx_t_6; __pyx_t_7+=1) { - __pyx_v_j = __pyx_t_7; - - /* "fast_grid/potential/gaussian.pyx":36 - * energy = 0.0 - * for j in range(N): - * diff_x = pos1[i, 0] - pos2[j, 0] # <<<<<<<<<<<<<< - * diff_y = pos1[i, 1] - pos2[j, 1] - * diff_z = pos1[i, 2] - pos2[j, 2] - */ - __pyx_t_8 = __pyx_v_i; - __pyx_t_9 = 0; - __pyx_t_10 = __pyx_v_j; - __pyx_t_11 = 0; - __pyx_v_diff_x = ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos1.rcbuffer->pybuffer.buf, __pyx_t_8, __pyx_pybuffernd_pos1.diminfo[0].strides, __pyx_t_9, __pyx_pybuffernd_pos1.diminfo[1].strides)) - (*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos2.rcbuffer->pybuffer.buf, __pyx_t_10, __pyx_pybuffernd_pos2.diminfo[0].strides, __pyx_t_11, __pyx_pybuffernd_pos2.diminfo[1].strides))); - - /* "fast_grid/potential/gaussian.pyx":37 - * for j in range(N): - * diff_x = pos1[i, 0] - pos2[j, 0] - * diff_y = pos1[i, 1] - pos2[j, 1] # <<<<<<<<<<<<<< - * diff_z = pos1[i, 2] - pos2[j, 2] - * - */ - __pyx_t_11 = __pyx_v_i; - __pyx_t_10 = 1; - __pyx_t_9 = __pyx_v_j; - __pyx_t_8 = 1; - __pyx_v_diff_y = ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos1.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_pos1.diminfo[0].strides, __pyx_t_10, __pyx_pybuffernd_pos1.diminfo[1].strides)) - (*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos2.rcbuffer->pybuffer.buf, __pyx_t_9, __pyx_pybuffernd_pos2.diminfo[0].strides, __pyx_t_8, __pyx_pybuffernd_pos2.diminfo[1].strides))); - - /* "fast_grid/potential/gaussian.pyx":38 - * diff_x = pos1[i, 0] - pos2[j, 0] - * diff_y = pos1[i, 1] - pos2[j, 1] - * diff_z = pos1[i, 2] - pos2[j, 2] # <<<<<<<<<<<<<< - * - * # Matrix multiplication with the inverse cell matrix - */ - __pyx_t_8 = __pyx_v_i; - __pyx_t_9 = 2; - __pyx_t_10 = __pyx_v_j; - __pyx_t_11 = 2; - __pyx_v_diff_z = ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos1.rcbuffer->pybuffer.buf, __pyx_t_8, __pyx_pybuffernd_pos1.diminfo[0].strides, __pyx_t_9, __pyx_pybuffernd_pos1.diminfo[1].strides)) - (*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos2.rcbuffer->pybuffer.buf, __pyx_t_10, __pyx_pybuffernd_pos2.diminfo[0].strides, __pyx_t_11, __pyx_pybuffernd_pos2.diminfo[1].strides))); - - /* "fast_grid/potential/gaussian.pyx":42 - * # Matrix multiplication with the inverse cell matrix - * diff_cell_basis_x = ( - * inverse_cell[0, 0] * diff_x # <<<<<<<<<<<<<< - * + inverse_cell[0, 1] * diff_y - * + inverse_cell[0, 2] * diff_z - */ - __pyx_t_11 = 0; - __pyx_t_10 = 0; - - /* "fast_grid/potential/gaussian.pyx":43 - * diff_cell_basis_x = ( - * inverse_cell[0, 0] * diff_x - * + inverse_cell[0, 1] * diff_y # <<<<<<<<<<<<<< - * + inverse_cell[0, 2] * diff_z - * ) - */ - __pyx_t_9 = 0; - __pyx_t_8 = 1; - - /* "fast_grid/potential/gaussian.pyx":44 - * inverse_cell[0, 0] * diff_x - * + inverse_cell[0, 1] * diff_y - * + inverse_cell[0, 2] * diff_z # <<<<<<<<<<<<<< - * ) - * diff_cell_basis_y = ( - */ - __pyx_t_12 = 0; - __pyx_t_13 = 2; - __pyx_v_diff_cell_basis_x = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_10, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_9, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_8, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_12, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_13, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_z)); - - /* "fast_grid/potential/gaussian.pyx":47 - * ) - * diff_cell_basis_y = ( - * inverse_cell[1, 0] * diff_x # <<<<<<<<<<<<<< - * + inverse_cell[1, 1] * diff_y - * + inverse_cell[1, 2] * diff_z - */ - __pyx_t_13 = 1; - __pyx_t_12 = 0; - - /* "fast_grid/potential/gaussian.pyx":48 - * diff_cell_basis_y = ( - * inverse_cell[1, 0] * diff_x - * + inverse_cell[1, 1] * diff_y # <<<<<<<<<<<<<< - * + inverse_cell[1, 2] * diff_z - * ) - */ - __pyx_t_8 = 1; - __pyx_t_9 = 1; - - /* "fast_grid/potential/gaussian.pyx":49 - * inverse_cell[1, 0] * diff_x - * + inverse_cell[1, 1] * diff_y - * + inverse_cell[1, 2] * diff_z # <<<<<<<<<<<<<< - * ) - * diff_cell_basis_z = ( - */ - __pyx_t_10 = 1; - __pyx_t_11 = 2; - __pyx_v_diff_cell_basis_y = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_13, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_12, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_8, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_9, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_10, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_11, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_z)); - - /* "fast_grid/potential/gaussian.pyx":52 - * ) - * diff_cell_basis_z = ( - * inverse_cell[2, 0] * diff_x # <<<<<<<<<<<<<< - * + inverse_cell[2, 1] * diff_y - * + inverse_cell[2, 2] * diff_z - */ - __pyx_t_11 = 2; - __pyx_t_10 = 0; - - /* "fast_grid/potential/gaussian.pyx":53 - * diff_cell_basis_z = ( - * inverse_cell[2, 0] * diff_x - * + inverse_cell[2, 1] * diff_y # <<<<<<<<<<<<<< - * + inverse_cell[2, 2] * diff_z - * ) - */ - __pyx_t_9 = 2; - __pyx_t_8 = 1; - - /* "fast_grid/potential/gaussian.pyx":54 - * inverse_cell[2, 0] * diff_x - * + inverse_cell[2, 1] * diff_y - * + inverse_cell[2, 2] * diff_z # <<<<<<<<<<<<<< - * ) - * - */ - __pyx_t_12 = 2; - __pyx_t_13 = 2; - __pyx_v_diff_cell_basis_z = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_10, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_9, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_8, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_12, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_13, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_z)); - - /* "fast_grid/potential/gaussian.pyx":58 - * - * # Applying the minimum image convention - * diff_cell_basis_x = diff_cell_basis_x - round(diff_cell_basis_x) # <<<<<<<<<<<<<< - * diff_cell_basis_y = diff_cell_basis_y - round(diff_cell_basis_y) - * diff_cell_basis_z = diff_cell_basis_z - round(diff_cell_basis_z) - */ - __pyx_v_diff_cell_basis_x = (__pyx_v_diff_cell_basis_x - round(__pyx_v_diff_cell_basis_x)); - - /* "fast_grid/potential/gaussian.pyx":59 - * # Applying the minimum image convention - * diff_cell_basis_x = diff_cell_basis_x - round(diff_cell_basis_x) - * diff_cell_basis_y = diff_cell_basis_y - round(diff_cell_basis_y) # <<<<<<<<<<<<<< - * diff_cell_basis_z = diff_cell_basis_z - round(diff_cell_basis_z) - * - */ - __pyx_v_diff_cell_basis_y = (__pyx_v_diff_cell_basis_y - round(__pyx_v_diff_cell_basis_y)); - - /* "fast_grid/potential/gaussian.pyx":60 - * diff_cell_basis_x = diff_cell_basis_x - round(diff_cell_basis_x) - * diff_cell_basis_y = diff_cell_basis_y - round(diff_cell_basis_y) - * diff_cell_basis_z = diff_cell_basis_z - round(diff_cell_basis_z) # <<<<<<<<<<<<<< - * - * # Transforming back to the original space - */ - __pyx_v_diff_cell_basis_z = (__pyx_v_diff_cell_basis_z - round(__pyx_v_diff_cell_basis_z)); - - /* "fast_grid/potential/gaussian.pyx":64 - * # Transforming back to the original space - * diff_x = ( - * cell_vectors[0, 0] * diff_cell_basis_x # <<<<<<<<<<<<<< - * + cell_vectors[0, 1] * diff_cell_basis_y - * + cell_vectors[0, 2] * diff_cell_basis_z - */ - __pyx_t_13 = 0; - __pyx_t_12 = 0; - - /* "fast_grid/potential/gaussian.pyx":65 - * diff_x = ( - * cell_vectors[0, 0] * diff_cell_basis_x - * + cell_vectors[0, 1] * diff_cell_basis_y # <<<<<<<<<<<<<< - * + cell_vectors[0, 2] * diff_cell_basis_z - * ) - */ - __pyx_t_8 = 0; - __pyx_t_9 = 1; - - /* "fast_grid/potential/gaussian.pyx":66 - * cell_vectors[0, 0] * diff_cell_basis_x - * + cell_vectors[0, 1] * diff_cell_basis_y - * + cell_vectors[0, 2] * diff_cell_basis_z # <<<<<<<<<<<<<< - * ) - * diff_y = ( - */ - __pyx_t_10 = 0; - __pyx_t_11 = 2; - __pyx_v_diff_x = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_13, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_12, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_8, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_9, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_10, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_11, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_z)); - - /* "fast_grid/potential/gaussian.pyx":69 - * ) - * diff_y = ( - * cell_vectors[1, 0] * diff_cell_basis_x # <<<<<<<<<<<<<< - * + cell_vectors[1, 1] * diff_cell_basis_y - * + cell_vectors[1, 2] * diff_cell_basis_z - */ - __pyx_t_11 = 1; - __pyx_t_10 = 0; - - /* "fast_grid/potential/gaussian.pyx":70 - * diff_y = ( - * cell_vectors[1, 0] * diff_cell_basis_x - * + cell_vectors[1, 1] * diff_cell_basis_y # <<<<<<<<<<<<<< - * + cell_vectors[1, 2] * diff_cell_basis_z - * ) - */ - __pyx_t_9 = 1; - __pyx_t_8 = 1; - - /* "fast_grid/potential/gaussian.pyx":71 - * cell_vectors[1, 0] * diff_cell_basis_x - * + cell_vectors[1, 1] * diff_cell_basis_y - * + cell_vectors[1, 2] * diff_cell_basis_z # <<<<<<<<<<<<<< - * ) - * diff_z = ( - */ - __pyx_t_12 = 1; - __pyx_t_13 = 2; - __pyx_v_diff_y = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_10, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_9, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_8, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_12, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_13, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_z)); - - /* "fast_grid/potential/gaussian.pyx":74 - * ) - * diff_z = ( - * cell_vectors[2, 0] * diff_cell_basis_x # <<<<<<<<<<<<<< - * + cell_vectors[2, 1] * diff_cell_basis_y - * + cell_vectors[2, 2] * diff_cell_basis_z - */ - __pyx_t_13 = 2; - __pyx_t_12 = 0; - - /* "fast_grid/potential/gaussian.pyx":75 - * diff_z = ( - * cell_vectors[2, 0] * diff_cell_basis_x - * + cell_vectors[2, 1] * diff_cell_basis_y # <<<<<<<<<<<<<< - * + cell_vectors[2, 2] * diff_cell_basis_z - * ) - */ - __pyx_t_8 = 2; - __pyx_t_9 = 1; - - /* "fast_grid/potential/gaussian.pyx":76 - * cell_vectors[2, 0] * diff_cell_basis_x - * + cell_vectors[2, 1] * diff_cell_basis_y - * + cell_vectors[2, 2] * diff_cell_basis_z # <<<<<<<<<<<<<< - * ) - * - */ - __pyx_t_10 = 2; - __pyx_t_11 = 2; - __pyx_v_diff_z = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_13, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_12, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_8, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_9, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_10, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_11, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_z)); - - /* "fast_grid/potential/gaussian.pyx":80 - * - * # Calculating the distance - * r2 = diff_x * diff_x + diff_y * diff_y + diff_z * diff_z # <<<<<<<<<<<<<< - * - * if r2 < cutoff_squared and r2 > threshold: - */ - __pyx_v_r2 = (((__pyx_v_diff_x * __pyx_v_diff_x) + (__pyx_v_diff_y * __pyx_v_diff_y)) + (__pyx_v_diff_z * __pyx_v_diff_z)); - - /* "fast_grid/potential/gaussian.pyx":82 - * r2 = diff_x * diff_x + diff_y * diff_y + diff_z * diff_z - * - * if r2 < cutoff_squared and r2 > threshold: # <<<<<<<<<<<<<< - * # Calculate Guassian - * energy += height * exp(r2 / width_squared) - */ - __pyx_t_15 = (__pyx_v_r2 < __pyx_v_cutoff_squared); - if (__pyx_t_15) { - } else { - __pyx_t_14 = __pyx_t_15; - goto __pyx_L13_bool_binop_done; - } - __pyx_t_15 = (__pyx_v_r2 > __pyx_v_threshold); - __pyx_t_14 = __pyx_t_15; - __pyx_L13_bool_binop_done:; - if (__pyx_t_14) { - - /* "fast_grid/potential/gaussian.pyx":84 - * if r2 < cutoff_squared and r2 > threshold: - * # Calculate Guassian - * energy += height * exp(r2 / width_squared) # <<<<<<<<<<<<<< - * - * energy_grid[i] += energy - */ - __pyx_v_energy = (__pyx_v_energy + (__pyx_v_height * exp((__pyx_v_r2 / __pyx_v_width_squared)))); - - /* "fast_grid/potential/gaussian.pyx":82 - * r2 = diff_x * diff_x + diff_y * diff_y + diff_z * diff_z - * - * if r2 < cutoff_squared and r2 > threshold: # <<<<<<<<<<<<<< - * # Calculate Guassian - * energy += height * exp(r2 / width_squared) - */ - } - } - - /* "fast_grid/potential/gaussian.pyx":86 - * energy += height * exp(r2 / width_squared) - * - * energy_grid[i] += energy # <<<<<<<<<<<<<< - * - * return energy_grid - */ - __pyx_t_11 = __pyx_v_i; - *__Pyx_BufPtrStrided1d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_energy_grid.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_energy_grid.diminfo[0].strides) += __pyx_v_energy; - } - } - } - } - } - #if ((defined(__APPLE__) || defined(__OSX__)) && (defined(__GNUC__) && (__GNUC__ > 2 || (__GNUC__ == 2 && (__GNUC_MINOR__ > 95))))) - #undef likely - #undef unlikely - #define likely(x) __builtin_expect(!!(x), 1) - #define unlikely(x) __builtin_expect(!!(x), 0) - #endif - } - - /* "fast_grid/potential/gaussian.pyx":33 - * cdef float cutoff_squared = cutoff * cutoff - * - * for i in prange(G, nogil=True): # <<<<<<<<<<<<<< - * energy = 0.0 - * for j in range(N): - */ - /*finally:*/ { - /*normal exit:*/{ - #ifdef WITH_THREAD - __Pyx_FastGIL_Forget(); - Py_BLOCK_THREADS - #endif - goto __pyx_L5; - } - __pyx_L5:; - } - } - - /* "fast_grid/potential/gaussian.pyx":88 - * energy_grid[i] += energy - * - * return energy_grid # <<<<<<<<<<<<<< - */ - __Pyx_XDECREF(__pyx_r); - __Pyx_INCREF((PyObject *)__pyx_v_energy_grid); - __pyx_r = ((PyObject *)__pyx_v_energy_grid); - goto __pyx_L0; - - /* "fast_grid/potential/gaussian.pyx":12 - * - * - * def gaussian_cython(np.ndarray[np.float64_t, ndim=2] pos1, # <<<<<<<<<<<<<< - * np.ndarray[np.float64_t, ndim=2] pos2, - * np.ndarray[np.float64_t, ndim=2] cell_vectors, - */ - - /* function exit code */ - __pyx_L1_error:; - { PyObject *__pyx_type, *__pyx_value, *__pyx_tb; - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - __Pyx_ErrFetch(&__pyx_type, &__pyx_value, &__pyx_tb); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_energy_grid.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_pos1.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_pos2.rcbuffer->pybuffer); - __Pyx_ErrRestore(__pyx_type, __pyx_value, __pyx_tb);} - __Pyx_AddTraceback("fast_grid.potential.gaussian.gaussian_cython", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = NULL; - goto __pyx_L2; - __pyx_L0:; - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_energy_grid.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_pos1.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_pos2.rcbuffer->pybuffer); - __pyx_L2:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -static PyMethodDef __pyx_methods[] = { - {0, 0, 0, 0} -}; -#ifndef CYTHON_SMALL_CODE -#if defined(__clang__) - #define CYTHON_SMALL_CODE -#elif defined(__GNUC__) && (__GNUC__ > 4 || (__GNUC__ == 4 && __GNUC_MINOR__ >= 3)) - #define CYTHON_SMALL_CODE __attribute__((cold)) -#else - #define CYTHON_SMALL_CODE -#endif -#endif -/* #### Code section: pystring_table ### */ - -static int __Pyx_CreateStringTabAndInitStrings(void) { - __Pyx_StringTabEntry __pyx_string_tab[] = { - {&__pyx_n_s_G, __pyx_k_G, sizeof(__pyx_k_G), 0, 0, 1, 1}, - {&__pyx_n_s_ImportError, __pyx_k_ImportError, sizeof(__pyx_k_ImportError), 0, 0, 1, 1}, - {&__pyx_n_s_N, __pyx_k_N, sizeof(__pyx_k_N), 0, 0, 1, 1}, - {&__pyx_n_s__3, __pyx_k__3, sizeof(__pyx_k__3), 0, 0, 1, 1}, - {&__pyx_n_s__6, __pyx_k__6, sizeof(__pyx_k__6), 0, 0, 1, 1}, - {&__pyx_n_s_asyncio_coroutines, __pyx_k_asyncio_coroutines, sizeof(__pyx_k_asyncio_coroutines), 0, 0, 1, 1}, - {&__pyx_n_s_cell_vectors, __pyx_k_cell_vectors, sizeof(__pyx_k_cell_vectors), 0, 0, 1, 1}, - {&__pyx_n_s_cline_in_traceback, __pyx_k_cline_in_traceback, sizeof(__pyx_k_cline_in_traceback), 0, 0, 1, 1}, - {&__pyx_n_s_cutoff, __pyx_k_cutoff, sizeof(__pyx_k_cutoff), 0, 0, 1, 1}, - {&__pyx_n_s_cutoff_squared, __pyx_k_cutoff_squared, sizeof(__pyx_k_cutoff_squared), 0, 0, 1, 1}, - {&__pyx_n_s_diff_cell_basis_x, __pyx_k_diff_cell_basis_x, sizeof(__pyx_k_diff_cell_basis_x), 0, 0, 1, 1}, - {&__pyx_n_s_diff_cell_basis_y, __pyx_k_diff_cell_basis_y, sizeof(__pyx_k_diff_cell_basis_y), 0, 0, 1, 1}, - {&__pyx_n_s_diff_cell_basis_z, __pyx_k_diff_cell_basis_z, sizeof(__pyx_k_diff_cell_basis_z), 0, 0, 1, 1}, - {&__pyx_n_s_diff_x, __pyx_k_diff_x, sizeof(__pyx_k_diff_x), 0, 0, 1, 1}, - {&__pyx_n_s_diff_y, __pyx_k_diff_y, sizeof(__pyx_k_diff_y), 0, 0, 1, 1}, - {&__pyx_n_s_diff_z, __pyx_k_diff_z, sizeof(__pyx_k_diff_z), 0, 0, 1, 1}, - {&__pyx_n_s_e, __pyx_k_e, sizeof(__pyx_k_e), 0, 0, 1, 1}, - {&__pyx_n_s_energy, __pyx_k_energy, sizeof(__pyx_k_energy), 0, 0, 1, 1}, - {&__pyx_n_s_energy_grid, __pyx_k_energy_grid, sizeof(__pyx_k_energy_grid), 0, 0, 1, 1}, - {&__pyx_n_s_fast_grid_potential_gaussian, __pyx_k_fast_grid_potential_gaussian, sizeof(__pyx_k_fast_grid_potential_gaussian), 0, 0, 1, 1}, - {&__pyx_kp_s_fast_grid_potential_gaussian_pyx, __pyx_k_fast_grid_potential_gaussian_pyx, sizeof(__pyx_k_fast_grid_potential_gaussian_pyx), 0, 0, 1, 0}, - {&__pyx_n_s_gaussian_cython, __pyx_k_gaussian_cython, sizeof(__pyx_k_gaussian_cython), 0, 0, 1, 1}, - {&__pyx_n_s_height, __pyx_k_height, sizeof(__pyx_k_height), 0, 0, 1, 1}, - {&__pyx_n_s_i, __pyx_k_i, sizeof(__pyx_k_i), 0, 0, 1, 1}, - {&__pyx_n_s_import, __pyx_k_import, sizeof(__pyx_k_import), 0, 0, 1, 1}, - {&__pyx_n_s_initializing, __pyx_k_initializing, sizeof(__pyx_k_initializing), 0, 0, 1, 1}, - {&__pyx_n_s_inv_r12, __pyx_k_inv_r12, sizeof(__pyx_k_inv_r12), 0, 0, 1, 1}, - {&__pyx_n_s_inv_r2, __pyx_k_inv_r2, sizeof(__pyx_k_inv_r2), 0, 0, 1, 1}, - {&__pyx_n_s_inv_r6, __pyx_k_inv_r6, sizeof(__pyx_k_inv_r6), 0, 0, 1, 1}, - {&__pyx_n_s_inverse_cell, __pyx_k_inverse_cell, sizeof(__pyx_k_inverse_cell), 0, 0, 1, 1}, - {&__pyx_n_s_is_coroutine, __pyx_k_is_coroutine, sizeof(__pyx_k_is_coroutine), 0, 0, 1, 1}, - {&__pyx_n_s_j, __pyx_k_j, sizeof(__pyx_k_j), 0, 0, 1, 1}, - {&__pyx_n_s_lj12, __pyx_k_lj12, sizeof(__pyx_k_lj12), 0, 0, 1, 1}, - {&__pyx_n_s_lj6, __pyx_k_lj6, sizeof(__pyx_k_lj6), 0, 0, 1, 1}, - {&__pyx_n_s_main, __pyx_k_main, sizeof(__pyx_k_main), 0, 0, 1, 1}, - {&__pyx_n_s_name, __pyx_k_name, sizeof(__pyx_k_name), 0, 0, 1, 1}, - {&__pyx_n_s_np, __pyx_k_np, sizeof(__pyx_k_np), 0, 0, 1, 1}, - {&__pyx_n_s_numpy, __pyx_k_numpy, sizeof(__pyx_k_numpy), 0, 0, 1, 1}, - {&__pyx_kp_u_numpy_core_multiarray_failed_to, __pyx_k_numpy_core_multiarray_failed_to, sizeof(__pyx_k_numpy_core_multiarray_failed_to), 0, 1, 0, 0}, - {&__pyx_kp_u_numpy_core_umath_failed_to_impor, __pyx_k_numpy_core_umath_failed_to_impor, sizeof(__pyx_k_numpy_core_umath_failed_to_impor), 0, 1, 0, 0}, - {&__pyx_n_s_pos1, __pyx_k_pos1, sizeof(__pyx_k_pos1), 0, 0, 1, 1}, - {&__pyx_n_s_pos2, __pyx_k_pos2, sizeof(__pyx_k_pos2), 0, 0, 1, 1}, - {&__pyx_n_s_r2, __pyx_k_r2, sizeof(__pyx_k_r2), 0, 0, 1, 1}, - {&__pyx_n_s_range, __pyx_k_range, sizeof(__pyx_k_range), 0, 0, 1, 1}, - {&__pyx_n_s_s, __pyx_k_s, sizeof(__pyx_k_s), 0, 0, 1, 1}, - {&__pyx_n_s_s12, __pyx_k_s12, sizeof(__pyx_k_s12), 0, 0, 1, 1}, - {&__pyx_n_s_s6, __pyx_k_s6, sizeof(__pyx_k_s6), 0, 0, 1, 1}, - {&__pyx_n_s_spec, __pyx_k_spec, sizeof(__pyx_k_spec), 0, 0, 1, 1}, - {&__pyx_n_s_test, __pyx_k_test, sizeof(__pyx_k_test), 0, 0, 1, 1}, - {&__pyx_n_s_threshold, __pyx_k_threshold, sizeof(__pyx_k_threshold), 0, 0, 1, 1}, - {&__pyx_n_s_width, __pyx_k_width, sizeof(__pyx_k_width), 0, 0, 1, 1}, - {&__pyx_n_s_width_squared, __pyx_k_width_squared, sizeof(__pyx_k_width_squared), 0, 0, 1, 1}, - {0, 0, 0, 0, 0, 0, 0} - }; - return __Pyx_InitStrings(__pyx_string_tab); -} -/* #### Code section: cached_builtins ### */ -static CYTHON_SMALL_CODE int __Pyx_InitCachedBuiltins(void) { - __pyx_builtin_range = __Pyx_GetBuiltinName(__pyx_n_s_range); if (!__pyx_builtin_range) __PYX_ERR(0, 35, __pyx_L1_error) - __pyx_builtin_ImportError = __Pyx_GetBuiltinName(__pyx_n_s_ImportError); if (!__pyx_builtin_ImportError) __PYX_ERR(1, 984, __pyx_L1_error) - return 0; - __pyx_L1_error:; - return -1; -} -/* #### Code section: cached_constants ### */ - -static CYTHON_SMALL_CODE int __Pyx_InitCachedConstants(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_InitCachedConstants", 0); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":984 - * __pyx_import_array() - * except Exception: - * raise ImportError("numpy.core.multiarray failed to import") # <<<<<<<<<<<<<< - * - * cdef inline int import_umath() except -1: - */ - __pyx_tuple_ = PyTuple_Pack(1, __pyx_kp_u_numpy_core_multiarray_failed_to); if (unlikely(!__pyx_tuple_)) __PYX_ERR(1, 984, __pyx_L1_error) - __Pyx_GOTREF(__pyx_tuple_); - __Pyx_GIVEREF(__pyx_tuple_); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":990 - * _import_umath() - * except Exception: - * raise ImportError("numpy.core.umath failed to import") # <<<<<<<<<<<<<< - * - * cdef inline int import_ufunc() except -1: - */ - __pyx_tuple__2 = PyTuple_Pack(1, __pyx_kp_u_numpy_core_umath_failed_to_impor); if (unlikely(!__pyx_tuple__2)) __PYX_ERR(1, 990, __pyx_L1_error) - __Pyx_GOTREF(__pyx_tuple__2); - __Pyx_GIVEREF(__pyx_tuple__2); - - /* "fast_grid/potential/gaussian.pyx":12 - * - * - * def gaussian_cython(np.ndarray[np.float64_t, ndim=2] pos1, # <<<<<<<<<<<<<< - * np.ndarray[np.float64_t, ndim=2] pos2, - * np.ndarray[np.float64_t, ndim=2] cell_vectors, - */ - __pyx_tuple__4 = PyTuple_Pack(32, __pyx_n_s_pos1, __pyx_n_s_pos2, __pyx_n_s_cell_vectors, __pyx_n_s_inverse_cell, __pyx_n_s_height, __pyx_n_s_width, __pyx_n_s_cutoff, __pyx_n_s_energy_grid, __pyx_n_s_G, __pyx_n_s_N, __pyx_n_s_i, __pyx_n_s_j, __pyx_n_s_diff_x, __pyx_n_s_diff_y, __pyx_n_s_diff_z, __pyx_n_s_diff_cell_basis_x, __pyx_n_s_diff_cell_basis_y, __pyx_n_s_diff_cell_basis_z, __pyx_n_s_r2, __pyx_n_s_lj6, __pyx_n_s_lj12, __pyx_n_s_inv_r2, __pyx_n_s_inv_r6, __pyx_n_s_inv_r12, __pyx_n_s_e, __pyx_n_s_s, __pyx_n_s_s6, __pyx_n_s_s12, __pyx_n_s_energy, __pyx_n_s_threshold, __pyx_n_s_width_squared, __pyx_n_s_cutoff_squared); if (unlikely(!__pyx_tuple__4)) __PYX_ERR(0, 12, __pyx_L1_error) - __Pyx_GOTREF(__pyx_tuple__4); - __Pyx_GIVEREF(__pyx_tuple__4); - __pyx_codeobj__5 = (PyObject*)__Pyx_PyCode_New(8, 0, 0, 32, 0, CO_OPTIMIZED|CO_NEWLOCALS, __pyx_empty_bytes, __pyx_empty_tuple, __pyx_empty_tuple, __pyx_tuple__4, __pyx_empty_tuple, __pyx_empty_tuple, __pyx_kp_s_fast_grid_potential_gaussian_pyx, __pyx_n_s_gaussian_cython, 12, __pyx_empty_bytes); if (unlikely(!__pyx_codeobj__5)) __PYX_ERR(0, 12, __pyx_L1_error) - __Pyx_RefNannyFinishContext(); - return 0; - __pyx_L1_error:; - __Pyx_RefNannyFinishContext(); - return -1; -} -/* #### Code section: init_constants ### */ - -static CYTHON_SMALL_CODE int __Pyx_InitConstants(void) { - if (__Pyx_CreateStringTabAndInitStrings() < 0) __PYX_ERR(0, 1, __pyx_L1_error); - return 0; - __pyx_L1_error:; - return -1; -} -/* #### Code section: init_globals ### */ - -static CYTHON_SMALL_CODE int __Pyx_InitGlobals(void) { - /* NumpyImportArray.init */ - /* - * Cython has automatically inserted a call to _import_array since - * you didn't include one when you cimported numpy. To disable this - * add the line - * numpy._import_array - */ -#ifdef NPY_FEATURE_VERSION -#ifndef NO_IMPORT_ARRAY -if (unlikely(_import_array() == -1)) { - PyErr_SetString(PyExc_ImportError, "numpy.core.multiarray failed to import " - "(auto-generated because you didn't call 'numpy.import_array()' after cimporting numpy; " - "use 'numpy._import_array' to disable if you are certain you don't need it)."); -} -#endif -#endif - -if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 1, __pyx_L1_error) - - return 0; - __pyx_L1_error:; - return -1; -} -/* #### Code section: init_module ### */ - -static CYTHON_SMALL_CODE int __Pyx_modinit_global_init_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_variable_export_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_function_export_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_type_init_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_type_import_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_variable_import_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_function_import_code(void); /*proto*/ - -static int __Pyx_modinit_global_init_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_global_init_code", 0); - /*--- Global init code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - -static int __Pyx_modinit_variable_export_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_variable_export_code", 0); - /*--- Variable export code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - -static int __Pyx_modinit_function_export_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_function_export_code", 0); - /*--- Function export code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - -static int __Pyx_modinit_type_init_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_type_init_code", 0); - /*--- Type init code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - -static int __Pyx_modinit_type_import_code(void) { - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("__Pyx_modinit_type_import_code", 0); - /*--- Type import code ---*/ - __pyx_t_1 = PyImport_ImportModule(__Pyx_BUILTIN_MODULE_NAME); if (unlikely(!__pyx_t_1)) __PYX_ERR(2, 9, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_ptype_7cpython_4type_type = __Pyx_ImportType_3_0_5(__pyx_t_1, __Pyx_BUILTIN_MODULE_NAME, "type", - #if defined(PYPY_VERSION_NUM) && PYPY_VERSION_NUM < 0x050B0000 - sizeof(PyTypeObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyTypeObject), - #elif CYTHON_COMPILING_IN_LIMITED_API - sizeof(PyTypeObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyTypeObject), - #else - sizeof(PyHeapTypeObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyHeapTypeObject), - #endif - __Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_7cpython_4type_type) __PYX_ERR(2, 9, __pyx_L1_error) - __Pyx_DECREF(__pyx_t_1); __pyx_t_1 = 0; - __pyx_t_1 = PyImport_ImportModule("numpy"); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 202, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_ptype_5numpy_dtype = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "dtype", sizeof(PyArray_Descr), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyArray_Descr),__Pyx_ImportType_CheckSize_Ignore_3_0_5); if (!__pyx_ptype_5numpy_dtype) __PYX_ERR(1, 202, __pyx_L1_error) - __pyx_ptype_5numpy_flatiter = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "flatiter", sizeof(PyArrayIterObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyArrayIterObject),__Pyx_ImportType_CheckSize_Ignore_3_0_5); if (!__pyx_ptype_5numpy_flatiter) __PYX_ERR(1, 225, __pyx_L1_error) - __pyx_ptype_5numpy_broadcast = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "broadcast", sizeof(PyArrayMultiIterObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyArrayMultiIterObject),__Pyx_ImportType_CheckSize_Ignore_3_0_5); if (!__pyx_ptype_5numpy_broadcast) __PYX_ERR(1, 229, __pyx_L1_error) - __pyx_ptype_5numpy_ndarray = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "ndarray", sizeof(PyArrayObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyArrayObject),__Pyx_ImportType_CheckSize_Ignore_3_0_5); if (!__pyx_ptype_5numpy_ndarray) __PYX_ERR(1, 238, __pyx_L1_error) - __pyx_ptype_5numpy_generic = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "generic", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_generic) __PYX_ERR(1, 809, __pyx_L1_error) - __pyx_ptype_5numpy_number = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "number", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_number) __PYX_ERR(1, 811, __pyx_L1_error) - __pyx_ptype_5numpy_integer = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "integer", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_integer) __PYX_ERR(1, 813, __pyx_L1_error) - __pyx_ptype_5numpy_signedinteger = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "signedinteger", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_signedinteger) __PYX_ERR(1, 815, __pyx_L1_error) - __pyx_ptype_5numpy_unsignedinteger = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "unsignedinteger", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_unsignedinteger) __PYX_ERR(1, 817, __pyx_L1_error) - __pyx_ptype_5numpy_inexact = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "inexact", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_inexact) __PYX_ERR(1, 819, __pyx_L1_error) - __pyx_ptype_5numpy_floating = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "floating", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_floating) __PYX_ERR(1, 821, __pyx_L1_error) - __pyx_ptype_5numpy_complexfloating = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "complexfloating", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_complexfloating) __PYX_ERR(1, 823, __pyx_L1_error) - __pyx_ptype_5numpy_flexible = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "flexible", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_flexible) __PYX_ERR(1, 825, __pyx_L1_error) - __pyx_ptype_5numpy_character = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "character", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_character) __PYX_ERR(1, 827, __pyx_L1_error) - __pyx_ptype_5numpy_ufunc = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "ufunc", sizeof(PyUFuncObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyUFuncObject),__Pyx_ImportType_CheckSize_Ignore_3_0_5); if (!__pyx_ptype_5numpy_ufunc) __PYX_ERR(1, 866, __pyx_L1_error) - __Pyx_DECREF(__pyx_t_1); __pyx_t_1 = 0; - __Pyx_RefNannyFinishContext(); - return 0; - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_RefNannyFinishContext(); - return -1; -} - -static int __Pyx_modinit_variable_import_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_variable_import_code", 0); - /*--- Variable import code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - -static int __Pyx_modinit_function_import_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_function_import_code", 0); - /*--- Function import code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - - -#if PY_MAJOR_VERSION >= 3 -#if CYTHON_PEP489_MULTI_PHASE_INIT -static PyObject* __pyx_pymod_create(PyObject *spec, PyModuleDef *def); /*proto*/ -static int __pyx_pymod_exec_gaussian(PyObject* module); /*proto*/ -static PyModuleDef_Slot __pyx_moduledef_slots[] = { - {Py_mod_create, (void*)__pyx_pymod_create}, - {Py_mod_exec, (void*)__pyx_pymod_exec_gaussian}, - {0, NULL} -}; -#endif - -#ifdef __cplusplus -namespace { - struct PyModuleDef __pyx_moduledef = - #else - static struct PyModuleDef __pyx_moduledef = - #endif - { - PyModuleDef_HEAD_INIT, - "gaussian", - 0, /* m_doc */ - #if CYTHON_PEP489_MULTI_PHASE_INIT - 0, /* m_size */ - #elif CYTHON_USE_MODULE_STATE - sizeof(__pyx_mstate), /* m_size */ - #else - -1, /* m_size */ - #endif - __pyx_methods /* m_methods */, - #if CYTHON_PEP489_MULTI_PHASE_INIT - __pyx_moduledef_slots, /* m_slots */ - #else - NULL, /* m_reload */ - #endif - #if CYTHON_USE_MODULE_STATE - __pyx_m_traverse, /* m_traverse */ - __pyx_m_clear, /* m_clear */ - NULL /* m_free */ - #else - NULL, /* m_traverse */ - NULL, /* m_clear */ - NULL /* m_free */ - #endif - }; - #ifdef __cplusplus -} /* anonymous namespace */ -#endif -#endif - -#ifndef CYTHON_NO_PYINIT_EXPORT -#define __Pyx_PyMODINIT_FUNC PyMODINIT_FUNC -#elif PY_MAJOR_VERSION < 3 -#ifdef __cplusplus -#define __Pyx_PyMODINIT_FUNC extern "C" void -#else -#define __Pyx_PyMODINIT_FUNC void -#endif -#else -#ifdef __cplusplus -#define __Pyx_PyMODINIT_FUNC extern "C" PyObject * -#else -#define __Pyx_PyMODINIT_FUNC PyObject * -#endif -#endif - - -#if PY_MAJOR_VERSION < 3 -__Pyx_PyMODINIT_FUNC initgaussian(void) CYTHON_SMALL_CODE; /*proto*/ -__Pyx_PyMODINIT_FUNC initgaussian(void) -#else -__Pyx_PyMODINIT_FUNC PyInit_gaussian(void) CYTHON_SMALL_CODE; /*proto*/ -__Pyx_PyMODINIT_FUNC PyInit_gaussian(void) -#if CYTHON_PEP489_MULTI_PHASE_INIT -{ - return PyModuleDef_Init(&__pyx_moduledef); -} -static CYTHON_SMALL_CODE int __Pyx_check_single_interpreter(void) { - #if PY_VERSION_HEX >= 0x030700A1 - static PY_INT64_T main_interpreter_id = -1; - PY_INT64_T current_id = PyInterpreterState_GetID(PyThreadState_Get()->interp); - if (main_interpreter_id == -1) { - main_interpreter_id = current_id; - return (unlikely(current_id == -1)) ? -1 : 0; - } else if (unlikely(main_interpreter_id != current_id)) - #else - static PyInterpreterState *main_interpreter = NULL; - PyInterpreterState *current_interpreter = PyThreadState_Get()->interp; - if (!main_interpreter) { - main_interpreter = current_interpreter; - } else if (unlikely(main_interpreter != current_interpreter)) - #endif - { - PyErr_SetString( - PyExc_ImportError, - "Interpreter change detected - this module can only be loaded into one interpreter per process."); - return -1; - } - return 0; -} -#if CYTHON_COMPILING_IN_LIMITED_API -static CYTHON_SMALL_CODE int __Pyx_copy_spec_to_module(PyObject *spec, PyObject *module, const char* from_name, const char* to_name, int allow_none) -#else -static CYTHON_SMALL_CODE int __Pyx_copy_spec_to_module(PyObject *spec, PyObject *moddict, const char* from_name, const char* to_name, int allow_none) -#endif -{ - PyObject *value = PyObject_GetAttrString(spec, from_name); - int result = 0; - if (likely(value)) { - if (allow_none || value != Py_None) { -#if CYTHON_COMPILING_IN_LIMITED_API - result = PyModule_AddObject(module, to_name, value); -#else - result = PyDict_SetItemString(moddict, to_name, value); -#endif - } - Py_DECREF(value); - } else if (PyErr_ExceptionMatches(PyExc_AttributeError)) { - PyErr_Clear(); - } else { - result = -1; - } - return result; -} -static CYTHON_SMALL_CODE PyObject* __pyx_pymod_create(PyObject *spec, PyModuleDef *def) { - PyObject *module = NULL, *moddict, *modname; - CYTHON_UNUSED_VAR(def); - if (__Pyx_check_single_interpreter()) - return NULL; - if (__pyx_m) - return __Pyx_NewRef(__pyx_m); - modname = PyObject_GetAttrString(spec, "name"); - if (unlikely(!modname)) goto bad; - module = PyModule_NewObject(modname); - Py_DECREF(modname); - if (unlikely(!module)) goto bad; -#if CYTHON_COMPILING_IN_LIMITED_API - moddict = module; -#else - moddict = PyModule_GetDict(module); - if (unlikely(!moddict)) goto bad; -#endif - if (unlikely(__Pyx_copy_spec_to_module(spec, moddict, "loader", "__loader__", 1) < 0)) goto bad; - if (unlikely(__Pyx_copy_spec_to_module(spec, moddict, "origin", "__file__", 1) < 0)) goto bad; - if (unlikely(__Pyx_copy_spec_to_module(spec, moddict, "parent", "__package__", 1) < 0)) goto bad; - if (unlikely(__Pyx_copy_spec_to_module(spec, moddict, "submodule_search_locations", "__path__", 0) < 0)) goto bad; - return module; -bad: - Py_XDECREF(module); - return NULL; -} - - -static CYTHON_SMALL_CODE int __pyx_pymod_exec_gaussian(PyObject *__pyx_pyinit_module) -#endif -#endif -{ - int stringtab_initialized = 0; - #if CYTHON_USE_MODULE_STATE - int pystate_addmodule_run = 0; - #endif - PyObject *__pyx_t_1 = NULL; - PyObject *__pyx_t_2 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannyDeclarations - #if CYTHON_PEP489_MULTI_PHASE_INIT - if (__pyx_m) { - if (__pyx_m == __pyx_pyinit_module) return 0; - PyErr_SetString(PyExc_RuntimeError, "Module 'gaussian' has already been imported. Re-initialisation is not supported."); - return -1; - } - #elif PY_MAJOR_VERSION >= 3 - if (__pyx_m) return __Pyx_NewRef(__pyx_m); - #endif - /*--- Module creation code ---*/ - #if CYTHON_PEP489_MULTI_PHASE_INIT - __pyx_m = __pyx_pyinit_module; - Py_INCREF(__pyx_m); - #else - #if PY_MAJOR_VERSION < 3 - __pyx_m = Py_InitModule4("gaussian", __pyx_methods, 0, 0, PYTHON_API_VERSION); Py_XINCREF(__pyx_m); - if (unlikely(!__pyx_m)) __PYX_ERR(0, 1, __pyx_L1_error) - #elif CYTHON_USE_MODULE_STATE - __pyx_t_1 = PyModule_Create(&__pyx_moduledef); if (unlikely(!__pyx_t_1)) __PYX_ERR(0, 1, __pyx_L1_error) - { - int add_module_result = PyState_AddModule(__pyx_t_1, &__pyx_moduledef); - __pyx_t_1 = 0; /* transfer ownership from __pyx_t_1 to gaussian pseudovariable */ - if (unlikely((add_module_result < 0))) __PYX_ERR(0, 1, __pyx_L1_error) - pystate_addmodule_run = 1; - } - #else - __pyx_m = PyModule_Create(&__pyx_moduledef); - if (unlikely(!__pyx_m)) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #endif - CYTHON_UNUSED_VAR(__pyx_t_1); - __pyx_d = PyModule_GetDict(__pyx_m); if (unlikely(!__pyx_d)) __PYX_ERR(0, 1, __pyx_L1_error) - Py_INCREF(__pyx_d); - __pyx_b = __Pyx_PyImport_AddModuleRef(__Pyx_BUILTIN_MODULE_NAME); if (unlikely(!__pyx_b)) __PYX_ERR(0, 1, __pyx_L1_error) - __pyx_cython_runtime = __Pyx_PyImport_AddModuleRef((const char *) "cython_runtime"); if (unlikely(!__pyx_cython_runtime)) __PYX_ERR(0, 1, __pyx_L1_error) - if (PyObject_SetAttrString(__pyx_m, "__builtins__", __pyx_b) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #if CYTHON_REFNANNY -__Pyx_RefNanny = __Pyx_RefNannyImportAPI("refnanny"); -if (!__Pyx_RefNanny) { - PyErr_Clear(); - __Pyx_RefNanny = __Pyx_RefNannyImportAPI("Cython.Runtime.refnanny"); - if (!__Pyx_RefNanny) - Py_FatalError("failed to import 'refnanny' module"); -} -#endif - __Pyx_RefNannySetupContext("__Pyx_PyMODINIT_FUNC PyInit_gaussian(void)", 0); - if (__Pyx_check_binary_version(__PYX_LIMITED_VERSION_HEX, __Pyx_get_runtime_version(), CYTHON_COMPILING_IN_LIMITED_API) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #ifdef __Pxy_PyFrame_Initialize_Offsets - __Pxy_PyFrame_Initialize_Offsets(); - #endif - __pyx_empty_tuple = PyTuple_New(0); if (unlikely(!__pyx_empty_tuple)) __PYX_ERR(0, 1, __pyx_L1_error) - __pyx_empty_bytes = PyBytes_FromStringAndSize("", 0); if (unlikely(!__pyx_empty_bytes)) __PYX_ERR(0, 1, __pyx_L1_error) - __pyx_empty_unicode = PyUnicode_FromStringAndSize("", 0); if (unlikely(!__pyx_empty_unicode)) __PYX_ERR(0, 1, __pyx_L1_error) - #ifdef __Pyx_CyFunction_USED - if (__pyx_CyFunction_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #ifdef __Pyx_FusedFunction_USED - if (__pyx_FusedFunction_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #ifdef __Pyx_Coroutine_USED - if (__pyx_Coroutine_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #ifdef __Pyx_Generator_USED - if (__pyx_Generator_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #ifdef __Pyx_AsyncGen_USED - if (__pyx_AsyncGen_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #ifdef __Pyx_StopAsyncIteration_USED - if (__pyx_StopAsyncIteration_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - /*--- Library function declarations ---*/ - /*--- Threads initialization code ---*/ - #if defined(WITH_THREAD) && PY_VERSION_HEX < 0x030700F0 && defined(__PYX_FORCE_INIT_THREADS) && __PYX_FORCE_INIT_THREADS - PyEval_InitThreads(); - #endif - /*--- Initialize various global constants etc. ---*/ - if (__Pyx_InitConstants() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - stringtab_initialized = 1; - if (__Pyx_InitGlobals() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #if PY_MAJOR_VERSION < 3 && (__PYX_DEFAULT_STRING_ENCODING_IS_ASCII || __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT) - if (__Pyx_init_sys_getdefaultencoding_params() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - if (__pyx_module_is_main_fast_grid__potential__gaussian) { - if (PyObject_SetAttr(__pyx_m, __pyx_n_s_name, __pyx_n_s_main) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - } - #if PY_MAJOR_VERSION >= 3 - { - PyObject *modules = PyImport_GetModuleDict(); if (unlikely(!modules)) __PYX_ERR(0, 1, __pyx_L1_error) - if (!PyDict_GetItemString(modules, "fast_grid.potential.gaussian")) { - if (unlikely((PyDict_SetItemString(modules, "fast_grid.potential.gaussian", __pyx_m) < 0))) __PYX_ERR(0, 1, __pyx_L1_error) - } - } - #endif - /*--- Builtin init code ---*/ - if (__Pyx_InitCachedBuiltins() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - /*--- Constants init code ---*/ - if (__Pyx_InitCachedConstants() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - /*--- Global type/function init code ---*/ - (void)__Pyx_modinit_global_init_code(); - (void)__Pyx_modinit_variable_export_code(); - (void)__Pyx_modinit_function_export_code(); - (void)__Pyx_modinit_type_init_code(); - if (unlikely((__Pyx_modinit_type_import_code() < 0))) __PYX_ERR(0, 1, __pyx_L1_error) - (void)__Pyx_modinit_variable_import_code(); - (void)__Pyx_modinit_function_import_code(); - /*--- Execution code ---*/ - #if defined(__Pyx_Generator_USED) || defined(__Pyx_Coroutine_USED) - if (__Pyx_patch_abc() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - - /* "fast_grid/potential/gaussian.pyx":4 - * # cython: boundscheck=False, wraparound=False, cdivision=True - * - * import numpy as np # <<<<<<<<<<<<<< - * - * import cython - */ - __pyx_t_2 = __Pyx_ImportDottedModule(__pyx_n_s_numpy, NULL); if (unlikely(!__pyx_t_2)) __PYX_ERR(0, 4, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_2); - if (PyDict_SetItem(__pyx_d, __pyx_n_s_np, __pyx_t_2) < 0) __PYX_ERR(0, 4, __pyx_L1_error) - __Pyx_DECREF(__pyx_t_2); __pyx_t_2 = 0; - - /* "fast_grid/potential/gaussian.pyx":12 - * - * - * def gaussian_cython(np.ndarray[np.float64_t, ndim=2] pos1, # <<<<<<<<<<<<<< - * np.ndarray[np.float64_t, ndim=2] pos2, - * np.ndarray[np.float64_t, ndim=2] cell_vectors, - */ - __pyx_t_2 = __Pyx_CyFunction_New(&__pyx_mdef_9fast_grid_9potential_8gaussian_1gaussian_cython, 0, __pyx_n_s_gaussian_cython, NULL, __pyx_n_s_fast_grid_potential_gaussian, __pyx_d, ((PyObject *)__pyx_codeobj__5)); if (unlikely(!__pyx_t_2)) __PYX_ERR(0, 12, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_2); - if (PyDict_SetItem(__pyx_d, __pyx_n_s_gaussian_cython, __pyx_t_2) < 0) __PYX_ERR(0, 12, __pyx_L1_error) - __Pyx_DECREF(__pyx_t_2); __pyx_t_2 = 0; - - /* "fast_grid/potential/gaussian.pyx":1 - * # cython: language_level=3 # <<<<<<<<<<<<<< - * # cython: boundscheck=False, wraparound=False, cdivision=True - * - */ - __pyx_t_2 = __Pyx_PyDict_NewPresized(0); if (unlikely(!__pyx_t_2)) __PYX_ERR(0, 1, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_2); - if (PyDict_SetItem(__pyx_d, __pyx_n_s_test, __pyx_t_2) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - __Pyx_DECREF(__pyx_t_2); __pyx_t_2 = 0; - - /*--- Wrapped vars code ---*/ - - goto __pyx_L0; - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_2); - if (__pyx_m) { - if (__pyx_d && stringtab_initialized) { - __Pyx_AddTraceback("init fast_grid.potential.gaussian", __pyx_clineno, __pyx_lineno, __pyx_filename); - } - #if !CYTHON_USE_MODULE_STATE - Py_CLEAR(__pyx_m); - #else - Py_DECREF(__pyx_m); - if (pystate_addmodule_run) { - PyObject *tp, *value, *tb; - PyErr_Fetch(&tp, &value, &tb); - PyState_RemoveModule(&__pyx_moduledef); - PyErr_Restore(tp, value, tb); - } - #endif - } else if (!PyErr_Occurred()) { - PyErr_SetString(PyExc_ImportError, "init fast_grid.potential.gaussian"); - } - __pyx_L0:; - __Pyx_RefNannyFinishContext(); - #if CYTHON_PEP489_MULTI_PHASE_INIT - return (__pyx_m != NULL) ? 0 : -1; - #elif PY_MAJOR_VERSION >= 3 - return __pyx_m; - #else - return; - #endif -} -/* #### Code section: cleanup_globals ### */ -/* #### Code section: cleanup_module ### */ -/* #### Code section: main_method ### */ -/* #### Code section: utility_code_pragmas ### */ -#ifdef _MSC_VER -#pragma warning( push ) -/* Warning 4127: conditional expression is constant - * Cython uses constant conditional expressions to allow in inline functions to be optimized at - * compile-time, so this warning is not useful - */ -#pragma warning( disable : 4127 ) -#endif - - - -/* #### Code section: utility_code_def ### */ - -/* --- Runtime support code --- */ -/* Refnanny */ -#if CYTHON_REFNANNY -static __Pyx_RefNannyAPIStruct *__Pyx_RefNannyImportAPI(const char *modname) { - PyObject *m = NULL, *p = NULL; - void *r = NULL; - m = PyImport_ImportModule(modname); - if (!m) goto end; - p = PyObject_GetAttrString(m, "RefNannyAPI"); - if (!p) goto end; - r = PyLong_AsVoidPtr(p); -end: - Py_XDECREF(p); - Py_XDECREF(m); - return (__Pyx_RefNannyAPIStruct *)r; -} -#endif - -/* PyErrExceptionMatches */ -#if CYTHON_FAST_THREAD_STATE -static int __Pyx_PyErr_ExceptionMatchesTuple(PyObject *exc_type, PyObject *tuple) { - Py_ssize_t i, n; - n = PyTuple_GET_SIZE(tuple); -#if PY_MAJOR_VERSION >= 3 - for (i=0; i= 0x030C00A6 - PyObject *current_exception = tstate->current_exception; - if (unlikely(!current_exception)) return 0; - exc_type = (PyObject*) Py_TYPE(current_exception); - if (exc_type == err) return 1; -#else - exc_type = tstate->curexc_type; - if (exc_type == err) return 1; - if (unlikely(!exc_type)) return 0; -#endif - #if CYTHON_AVOID_BORROWED_REFS - Py_INCREF(exc_type); - #endif - if (unlikely(PyTuple_Check(err))) { - result = __Pyx_PyErr_ExceptionMatchesTuple(exc_type, err); - } else { - result = __Pyx_PyErr_GivenExceptionMatches(exc_type, err); - } - #if CYTHON_AVOID_BORROWED_REFS - Py_DECREF(exc_type); - #endif - return result; -} -#endif - -/* PyErrFetchRestore */ -#if CYTHON_FAST_THREAD_STATE -static CYTHON_INLINE void __Pyx_ErrRestoreInState(PyThreadState *tstate, PyObject *type, PyObject *value, PyObject *tb) { -#if PY_VERSION_HEX >= 0x030C00A6 - PyObject *tmp_value; - assert(type == NULL || (value != NULL && type == (PyObject*) Py_TYPE(value))); - if (value) { - #if CYTHON_COMPILING_IN_CPYTHON - if (unlikely(((PyBaseExceptionObject*) value)->traceback != tb)) - #endif - PyException_SetTraceback(value, tb); - } - tmp_value = tstate->current_exception; - tstate->current_exception = value; - Py_XDECREF(tmp_value); - Py_XDECREF(type); - Py_XDECREF(tb); -#else - PyObject *tmp_type, *tmp_value, *tmp_tb; - tmp_type = tstate->curexc_type; - tmp_value = tstate->curexc_value; - tmp_tb = tstate->curexc_traceback; - tstate->curexc_type = type; - tstate->curexc_value = value; - tstate->curexc_traceback = tb; - Py_XDECREF(tmp_type); - Py_XDECREF(tmp_value); - Py_XDECREF(tmp_tb); -#endif -} -static CYTHON_INLINE void __Pyx_ErrFetchInState(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb) { -#if PY_VERSION_HEX >= 0x030C00A6 - PyObject* exc_value; - exc_value = tstate->current_exception; - tstate->current_exception = 0; - *value = exc_value; - *type = NULL; - *tb = NULL; - if (exc_value) { - *type = (PyObject*) Py_TYPE(exc_value); - Py_INCREF(*type); - #if CYTHON_COMPILING_IN_CPYTHON - *tb = ((PyBaseExceptionObject*) exc_value)->traceback; - Py_XINCREF(*tb); - #else - *tb = PyException_GetTraceback(exc_value); - #endif - } -#else - *type = tstate->curexc_type; - *value = tstate->curexc_value; - *tb = tstate->curexc_traceback; - tstate->curexc_type = 0; - tstate->curexc_value = 0; - tstate->curexc_traceback = 0; -#endif -} -#endif - -/* PyObjectGetAttrStr */ -#if CYTHON_USE_TYPE_SLOTS -static CYTHON_INLINE PyObject* __Pyx_PyObject_GetAttrStr(PyObject* obj, PyObject* attr_name) { - PyTypeObject* tp = Py_TYPE(obj); - if (likely(tp->tp_getattro)) - return tp->tp_getattro(obj, attr_name); -#if PY_MAJOR_VERSION < 3 - if (likely(tp->tp_getattr)) - return tp->tp_getattr(obj, PyString_AS_STRING(attr_name)); -#endif - return PyObject_GetAttr(obj, attr_name); -} -#endif - -/* PyObjectGetAttrStrNoError */ -#if __PYX_LIMITED_VERSION_HEX < 0x030d00A1 -static void __Pyx_PyObject_GetAttrStr_ClearAttributeError(void) { - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - if (likely(__Pyx_PyErr_ExceptionMatches(PyExc_AttributeError))) - __Pyx_PyErr_Clear(); -} -#endif -static CYTHON_INLINE PyObject* __Pyx_PyObject_GetAttrStrNoError(PyObject* obj, PyObject* attr_name) { - PyObject *result; -#if __PYX_LIMITED_VERSION_HEX >= 0x030d00A1 - (void) PyObject_GetOptionalAttr(obj, attr_name, &result); - return result; -#else -#if CYTHON_COMPILING_IN_CPYTHON && CYTHON_USE_TYPE_SLOTS && PY_VERSION_HEX >= 0x030700B1 - PyTypeObject* tp = Py_TYPE(obj); - if (likely(tp->tp_getattro == PyObject_GenericGetAttr)) { - return _PyObject_GenericGetAttrWithDict(obj, attr_name, NULL, 1); - } -#endif - result = __Pyx_PyObject_GetAttrStr(obj, attr_name); - if (unlikely(!result)) { - __Pyx_PyObject_GetAttrStr_ClearAttributeError(); - } - return result; -#endif -} - -/* GetBuiltinName */ -static PyObject *__Pyx_GetBuiltinName(PyObject *name) { - PyObject* result = __Pyx_PyObject_GetAttrStrNoError(__pyx_b, name); - if (unlikely(!result) && !PyErr_Occurred()) { - PyErr_Format(PyExc_NameError, -#if PY_MAJOR_VERSION >= 3 - "name '%U' is not defined", name); -#else - "name '%.200s' is not defined", PyString_AS_STRING(name)); -#endif - } - return result; -} - -/* GetTopmostException */ -#if CYTHON_USE_EXC_INFO_STACK && CYTHON_FAST_THREAD_STATE -static _PyErr_StackItem * -__Pyx_PyErr_GetTopmostException(PyThreadState *tstate) -{ - _PyErr_StackItem *exc_info = tstate->exc_info; - while ((exc_info->exc_value == NULL || exc_info->exc_value == Py_None) && - exc_info->previous_item != NULL) - { - exc_info = exc_info->previous_item; - } - return exc_info; -} -#endif - -/* SaveResetException */ -#if CYTHON_FAST_THREAD_STATE -static CYTHON_INLINE void __Pyx__ExceptionSave(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb) { - #if CYTHON_USE_EXC_INFO_STACK && PY_VERSION_HEX >= 0x030B00a4 - _PyErr_StackItem *exc_info = __Pyx_PyErr_GetTopmostException(tstate); - PyObject *exc_value = exc_info->exc_value; - if (exc_value == NULL || exc_value == Py_None) { - *value = NULL; - *type = NULL; - *tb = NULL; - } else { - *value = exc_value; - Py_INCREF(*value); - *type = (PyObject*) Py_TYPE(exc_value); - Py_INCREF(*type); - *tb = PyException_GetTraceback(exc_value); - } - #elif CYTHON_USE_EXC_INFO_STACK - _PyErr_StackItem *exc_info = __Pyx_PyErr_GetTopmostException(tstate); - *type = exc_info->exc_type; - *value = exc_info->exc_value; - *tb = exc_info->exc_traceback; - Py_XINCREF(*type); - Py_XINCREF(*value); - Py_XINCREF(*tb); - #else - *type = tstate->exc_type; - *value = tstate->exc_value; - *tb = tstate->exc_traceback; - Py_XINCREF(*type); - Py_XINCREF(*value); - Py_XINCREF(*tb); - #endif -} -static CYTHON_INLINE void __Pyx__ExceptionReset(PyThreadState *tstate, PyObject *type, PyObject *value, PyObject *tb) { - #if CYTHON_USE_EXC_INFO_STACK && PY_VERSION_HEX >= 0x030B00a4 - _PyErr_StackItem *exc_info = tstate->exc_info; - PyObject *tmp_value = exc_info->exc_value; - exc_info->exc_value = value; - Py_XDECREF(tmp_value); - Py_XDECREF(type); - Py_XDECREF(tb); - #else - PyObject *tmp_type, *tmp_value, *tmp_tb; - #if CYTHON_USE_EXC_INFO_STACK - _PyErr_StackItem *exc_info = tstate->exc_info; - tmp_type = exc_info->exc_type; - tmp_value = exc_info->exc_value; - tmp_tb = exc_info->exc_traceback; - exc_info->exc_type = type; - exc_info->exc_value = value; - exc_info->exc_traceback = tb; - #else - tmp_type = tstate->exc_type; - tmp_value = tstate->exc_value; - tmp_tb = tstate->exc_traceback; - tstate->exc_type = type; - tstate->exc_value = value; - tstate->exc_traceback = tb; - #endif - Py_XDECREF(tmp_type); - Py_XDECREF(tmp_value); - Py_XDECREF(tmp_tb); - #endif -} -#endif - -/* GetException */ -#if CYTHON_FAST_THREAD_STATE -static int __Pyx__GetException(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb) -#else -static int __Pyx_GetException(PyObject **type, PyObject **value, PyObject **tb) -#endif -{ - PyObject *local_type = NULL, *local_value, *local_tb = NULL; -#if CYTHON_FAST_THREAD_STATE - PyObject *tmp_type, *tmp_value, *tmp_tb; - #if PY_VERSION_HEX >= 0x030C00A6 - local_value = tstate->current_exception; - tstate->current_exception = 0; - if (likely(local_value)) { - local_type = (PyObject*) Py_TYPE(local_value); - Py_INCREF(local_type); - local_tb = PyException_GetTraceback(local_value); - } - #else - local_type = tstate->curexc_type; - local_value = tstate->curexc_value; - local_tb = tstate->curexc_traceback; - tstate->curexc_type = 0; - tstate->curexc_value = 0; - tstate->curexc_traceback = 0; - #endif -#else - PyErr_Fetch(&local_type, &local_value, &local_tb); -#endif - PyErr_NormalizeException(&local_type, &local_value, &local_tb); -#if CYTHON_FAST_THREAD_STATE && PY_VERSION_HEX >= 0x030C00A6 - if (unlikely(tstate->current_exception)) -#elif CYTHON_FAST_THREAD_STATE - if (unlikely(tstate->curexc_type)) -#else - if (unlikely(PyErr_Occurred())) -#endif - goto bad; - #if PY_MAJOR_VERSION >= 3 - if (local_tb) { - if (unlikely(PyException_SetTraceback(local_value, local_tb) < 0)) - goto bad; - } - #endif - Py_XINCREF(local_tb); - Py_XINCREF(local_type); - Py_XINCREF(local_value); - *type = local_type; - *value = local_value; - *tb = local_tb; -#if CYTHON_FAST_THREAD_STATE - #if CYTHON_USE_EXC_INFO_STACK - { - _PyErr_StackItem *exc_info = tstate->exc_info; - #if PY_VERSION_HEX >= 0x030B00a4 - tmp_value = exc_info->exc_value; - exc_info->exc_value = local_value; - tmp_type = NULL; - tmp_tb = NULL; - Py_XDECREF(local_type); - Py_XDECREF(local_tb); - #else - tmp_type = exc_info->exc_type; - tmp_value = exc_info->exc_value; - tmp_tb = exc_info->exc_traceback; - exc_info->exc_type = local_type; - exc_info->exc_value = local_value; - exc_info->exc_traceback = local_tb; - #endif - } - #else - tmp_type = tstate->exc_type; - tmp_value = tstate->exc_value; - tmp_tb = tstate->exc_traceback; - tstate->exc_type = local_type; - tstate->exc_value = local_value; - tstate->exc_traceback = local_tb; - #endif - Py_XDECREF(tmp_type); - Py_XDECREF(tmp_value); - Py_XDECREF(tmp_tb); -#else - PyErr_SetExcInfo(local_type, local_value, local_tb); -#endif - return 0; -bad: - *type = 0; - *value = 0; - *tb = 0; - Py_XDECREF(local_type); - Py_XDECREF(local_value); - Py_XDECREF(local_tb); - return -1; -} - -/* PyObjectCall */ -#if CYTHON_COMPILING_IN_CPYTHON -static CYTHON_INLINE PyObject* __Pyx_PyObject_Call(PyObject *func, PyObject *arg, PyObject *kw) { - PyObject *result; - ternaryfunc call = Py_TYPE(func)->tp_call; - if (unlikely(!call)) - return PyObject_Call(func, arg, kw); - #if PY_MAJOR_VERSION < 3 - if (unlikely(Py_EnterRecursiveCall((char*)" while calling a Python object"))) - return NULL; - #else - if (unlikely(Py_EnterRecursiveCall(" while calling a Python object"))) - return NULL; - #endif - result = (*call)(func, arg, kw); - Py_LeaveRecursiveCall(); - if (unlikely(!result) && unlikely(!PyErr_Occurred())) { - PyErr_SetString( - PyExc_SystemError, - "NULL result without error in PyObject_Call"); - } - return result; -} -#endif - -/* RaiseException */ -#if PY_MAJOR_VERSION < 3 -static void __Pyx_Raise(PyObject *type, PyObject *value, PyObject *tb, PyObject *cause) { - __Pyx_PyThreadState_declare - CYTHON_UNUSED_VAR(cause); - Py_XINCREF(type); - if (!value || value == Py_None) - value = NULL; - else - Py_INCREF(value); - if (!tb || tb == Py_None) - tb = NULL; - else { - Py_INCREF(tb); - if (!PyTraceBack_Check(tb)) { - PyErr_SetString(PyExc_TypeError, - "raise: arg 3 must be a traceback or None"); - goto raise_error; - } - } - if (PyType_Check(type)) { -#if CYTHON_COMPILING_IN_PYPY - if (!value) { - Py_INCREF(Py_None); - value = Py_None; - } -#endif - PyErr_NormalizeException(&type, &value, &tb); - } else { - if (value) { - PyErr_SetString(PyExc_TypeError, - "instance exception may not have a separate value"); - goto raise_error; - } - value = type; - type = (PyObject*) Py_TYPE(type); - Py_INCREF(type); - if (!PyType_IsSubtype((PyTypeObject *)type, (PyTypeObject *)PyExc_BaseException)) { - PyErr_SetString(PyExc_TypeError, - "raise: exception class must be a subclass of BaseException"); - goto raise_error; - } - } - __Pyx_PyThreadState_assign - __Pyx_ErrRestore(type, value, tb); - return; -raise_error: - Py_XDECREF(value); - Py_XDECREF(type); - Py_XDECREF(tb); - return; -} -#else -static void __Pyx_Raise(PyObject *type, PyObject *value, PyObject *tb, PyObject *cause) { - PyObject* owned_instance = NULL; - if (tb == Py_None) { - tb = 0; - } else if (tb && !PyTraceBack_Check(tb)) { - PyErr_SetString(PyExc_TypeError, - "raise: arg 3 must be a traceback or None"); - goto bad; - } - if (value == Py_None) - value = 0; - if (PyExceptionInstance_Check(type)) { - if (value) { - PyErr_SetString(PyExc_TypeError, - "instance exception may not have a separate value"); - goto bad; - } - value = type; - type = (PyObject*) Py_TYPE(value); - } else if (PyExceptionClass_Check(type)) { - PyObject *instance_class = NULL; - if (value && PyExceptionInstance_Check(value)) { - instance_class = (PyObject*) Py_TYPE(value); - if (instance_class != type) { - int is_subclass = PyObject_IsSubclass(instance_class, type); - if (!is_subclass) { - instance_class = NULL; - } else if (unlikely(is_subclass == -1)) { - goto bad; - } else { - type = instance_class; - } - } - } - if (!instance_class) { - PyObject *args; - if (!value) - args = PyTuple_New(0); - else if (PyTuple_Check(value)) { - Py_INCREF(value); - args = value; - } else - args = PyTuple_Pack(1, value); - if (!args) - goto bad; - owned_instance = PyObject_Call(type, args, NULL); - Py_DECREF(args); - if (!owned_instance) - goto bad; - value = owned_instance; - if (!PyExceptionInstance_Check(value)) { - PyErr_Format(PyExc_TypeError, - "calling %R should have returned an instance of " - "BaseException, not %R", - type, Py_TYPE(value)); - goto bad; - } - } - } else { - PyErr_SetString(PyExc_TypeError, - "raise: exception class must be a subclass of BaseException"); - goto bad; - } - if (cause) { - PyObject *fixed_cause; - if (cause == Py_None) { - fixed_cause = NULL; - } else if (PyExceptionClass_Check(cause)) { - fixed_cause = PyObject_CallObject(cause, NULL); - if (fixed_cause == NULL) - goto bad; - } else if (PyExceptionInstance_Check(cause)) { - fixed_cause = cause; - Py_INCREF(fixed_cause); - } else { - PyErr_SetString(PyExc_TypeError, - "exception causes must derive from " - "BaseException"); - goto bad; - } - PyException_SetCause(value, fixed_cause); - } - PyErr_SetObject(type, value); - if (tb) { - #if PY_VERSION_HEX >= 0x030C00A6 - PyException_SetTraceback(value, tb); - #elif CYTHON_FAST_THREAD_STATE - PyThreadState *tstate = __Pyx_PyThreadState_Current; - PyObject* tmp_tb = tstate->curexc_traceback; - if (tb != tmp_tb) { - Py_INCREF(tb); - tstate->curexc_traceback = tb; - Py_XDECREF(tmp_tb); - } -#else - PyObject *tmp_type, *tmp_value, *tmp_tb; - PyErr_Fetch(&tmp_type, &tmp_value, &tmp_tb); - Py_INCREF(tb); - PyErr_Restore(tmp_type, tmp_value, tb); - Py_XDECREF(tmp_tb); -#endif - } -bad: - Py_XDECREF(owned_instance); - return; -} -#endif - -/* TupleAndListFromArray */ -#if CYTHON_COMPILING_IN_CPYTHON -static CYTHON_INLINE void __Pyx_copy_object_array(PyObject *const *CYTHON_RESTRICT src, PyObject** CYTHON_RESTRICT dest, Py_ssize_t length) { - PyObject *v; - Py_ssize_t i; - for (i = 0; i < length; i++) { - v = dest[i] = src[i]; - Py_INCREF(v); - } -} -static CYTHON_INLINE PyObject * -__Pyx_PyTuple_FromArray(PyObject *const *src, Py_ssize_t n) -{ - PyObject *res; - if (n <= 0) { - Py_INCREF(__pyx_empty_tuple); - return __pyx_empty_tuple; - } - res = PyTuple_New(n); - if (unlikely(res == NULL)) return NULL; - __Pyx_copy_object_array(src, ((PyTupleObject*)res)->ob_item, n); - return res; -} -static CYTHON_INLINE PyObject * -__Pyx_PyList_FromArray(PyObject *const *src, Py_ssize_t n) -{ - PyObject *res; - if (n <= 0) { - return PyList_New(0); - } - res = PyList_New(n); - if (unlikely(res == NULL)) return NULL; - __Pyx_copy_object_array(src, ((PyListObject*)res)->ob_item, n); - return res; -} -#endif - -/* BytesEquals */ -static CYTHON_INLINE int __Pyx_PyBytes_Equals(PyObject* s1, PyObject* s2, int equals) { -#if CYTHON_COMPILING_IN_PYPY || CYTHON_COMPILING_IN_LIMITED_API - return PyObject_RichCompareBool(s1, s2, equals); -#else - if (s1 == s2) { - return (equals == Py_EQ); - } else if (PyBytes_CheckExact(s1) & PyBytes_CheckExact(s2)) { - const char *ps1, *ps2; - Py_ssize_t length = PyBytes_GET_SIZE(s1); - if (length != PyBytes_GET_SIZE(s2)) - return (equals == Py_NE); - ps1 = PyBytes_AS_STRING(s1); - ps2 = PyBytes_AS_STRING(s2); - if (ps1[0] != ps2[0]) { - return (equals == Py_NE); - } else if (length == 1) { - return (equals == Py_EQ); - } else { - int result; -#if CYTHON_USE_UNICODE_INTERNALS && (PY_VERSION_HEX < 0x030B0000) - Py_hash_t hash1, hash2; - hash1 = ((PyBytesObject*)s1)->ob_shash; - hash2 = ((PyBytesObject*)s2)->ob_shash; - if (hash1 != hash2 && hash1 != -1 && hash2 != -1) { - return (equals == Py_NE); - } -#endif - result = memcmp(ps1, ps2, (size_t)length); - return (equals == Py_EQ) ? (result == 0) : (result != 0); - } - } else if ((s1 == Py_None) & PyBytes_CheckExact(s2)) { - return (equals == Py_NE); - } else if ((s2 == Py_None) & PyBytes_CheckExact(s1)) { - return (equals == Py_NE); - } else { - int result; - PyObject* py_result = PyObject_RichCompare(s1, s2, equals); - if (!py_result) - return -1; - result = __Pyx_PyObject_IsTrue(py_result); - Py_DECREF(py_result); - return result; - } -#endif -} - -/* UnicodeEquals */ -static CYTHON_INLINE int __Pyx_PyUnicode_Equals(PyObject* s1, PyObject* s2, int equals) { -#if CYTHON_COMPILING_IN_PYPY || CYTHON_COMPILING_IN_LIMITED_API - return PyObject_RichCompareBool(s1, s2, equals); -#else -#if PY_MAJOR_VERSION < 3 - PyObject* owned_ref = NULL; -#endif - int s1_is_unicode, s2_is_unicode; - if (s1 == s2) { - goto return_eq; - } - s1_is_unicode = PyUnicode_CheckExact(s1); - s2_is_unicode = PyUnicode_CheckExact(s2); -#if PY_MAJOR_VERSION < 3 - if ((s1_is_unicode & (!s2_is_unicode)) && PyString_CheckExact(s2)) { - owned_ref = PyUnicode_FromObject(s2); - if (unlikely(!owned_ref)) - return -1; - s2 = owned_ref; - s2_is_unicode = 1; - } else if ((s2_is_unicode & (!s1_is_unicode)) && PyString_CheckExact(s1)) { - owned_ref = PyUnicode_FromObject(s1); - if (unlikely(!owned_ref)) - return -1; - s1 = owned_ref; - s1_is_unicode = 1; - } else if (((!s2_is_unicode) & (!s1_is_unicode))) { - return __Pyx_PyBytes_Equals(s1, s2, equals); - } -#endif - if (s1_is_unicode & s2_is_unicode) { - Py_ssize_t length; - int kind; - void *data1, *data2; - if (unlikely(__Pyx_PyUnicode_READY(s1) < 0) || unlikely(__Pyx_PyUnicode_READY(s2) < 0)) - return -1; - length = __Pyx_PyUnicode_GET_LENGTH(s1); - if (length != __Pyx_PyUnicode_GET_LENGTH(s2)) { - goto return_ne; - } -#if CYTHON_USE_UNICODE_INTERNALS - { - Py_hash_t hash1, hash2; - #if CYTHON_PEP393_ENABLED - hash1 = ((PyASCIIObject*)s1)->hash; - hash2 = ((PyASCIIObject*)s2)->hash; - #else - hash1 = ((PyUnicodeObject*)s1)->hash; - hash2 = ((PyUnicodeObject*)s2)->hash; - #endif - if (hash1 != hash2 && hash1 != -1 && hash2 != -1) { - goto return_ne; - } - } -#endif - kind = __Pyx_PyUnicode_KIND(s1); - if (kind != __Pyx_PyUnicode_KIND(s2)) { - goto return_ne; - } - data1 = __Pyx_PyUnicode_DATA(s1); - data2 = __Pyx_PyUnicode_DATA(s2); - if (__Pyx_PyUnicode_READ(kind, data1, 0) != __Pyx_PyUnicode_READ(kind, data2, 0)) { - goto return_ne; - } else if (length == 1) { - goto return_eq; - } else { - int result = memcmp(data1, data2, (size_t)(length * kind)); - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(owned_ref); - #endif - return (equals == Py_EQ) ? (result == 0) : (result != 0); - } - } else if ((s1 == Py_None) & s2_is_unicode) { - goto return_ne; - } else if ((s2 == Py_None) & s1_is_unicode) { - goto return_ne; - } else { - int result; - PyObject* py_result = PyObject_RichCompare(s1, s2, equals); - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(owned_ref); - #endif - if (!py_result) - return -1; - result = __Pyx_PyObject_IsTrue(py_result); - Py_DECREF(py_result); - return result; - } -return_eq: - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(owned_ref); - #endif - return (equals == Py_EQ); -return_ne: - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(owned_ref); - #endif - return (equals == Py_NE); -#endif -} - -/* fastcall */ -#if CYTHON_METH_FASTCALL -static CYTHON_INLINE PyObject * __Pyx_GetKwValue_FASTCALL(PyObject *kwnames, PyObject *const *kwvalues, PyObject *s) -{ - Py_ssize_t i, n = PyTuple_GET_SIZE(kwnames); - for (i = 0; i < n; i++) - { - if (s == PyTuple_GET_ITEM(kwnames, i)) return kwvalues[i]; - } - for (i = 0; i < n; i++) - { - int eq = __Pyx_PyUnicode_Equals(s, PyTuple_GET_ITEM(kwnames, i), Py_EQ); - if (unlikely(eq != 0)) { - if (unlikely(eq < 0)) return NULL; // error - return kwvalues[i]; - } - } - return NULL; // not found (no exception set) -} -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX >= 0x030d0000 -static CYTHON_UNUSED PyObject *__Pyx_KwargsAsDict_FASTCALL(PyObject *kwnames, PyObject *const *kwvalues) { - Py_ssize_t i, nkwargs = PyTuple_GET_SIZE(kwnames); - PyObject *dict; - dict = PyDict_New(); - if (unlikely(!dict)) - return NULL; - for (i=0; i= 3 - "%s() got multiple values for keyword argument '%U'", func_name, kw_name); - #else - "%s() got multiple values for keyword argument '%s'", func_name, - PyString_AsString(kw_name)); - #endif -} - -/* ParseKeywords */ -static int __Pyx_ParseOptionalKeywords( - PyObject *kwds, - PyObject *const *kwvalues, - PyObject **argnames[], - PyObject *kwds2, - PyObject *values[], - Py_ssize_t num_pos_args, - const char* function_name) -{ - PyObject *key = 0, *value = 0; - Py_ssize_t pos = 0; - PyObject*** name; - PyObject*** first_kw_arg = argnames + num_pos_args; - int kwds_is_tuple = CYTHON_METH_FASTCALL && likely(PyTuple_Check(kwds)); - while (1) { - Py_XDECREF(key); key = NULL; - Py_XDECREF(value); value = NULL; - if (kwds_is_tuple) { - Py_ssize_t size; -#if CYTHON_ASSUME_SAFE_MACROS - size = PyTuple_GET_SIZE(kwds); -#else - size = PyTuple_Size(kwds); - if (size < 0) goto bad; -#endif - if (pos >= size) break; -#if CYTHON_AVOID_BORROWED_REFS - key = __Pyx_PySequence_ITEM(kwds, pos); - if (!key) goto bad; -#elif CYTHON_ASSUME_SAFE_MACROS - key = PyTuple_GET_ITEM(kwds, pos); -#else - key = PyTuple_GetItem(kwds, pos); - if (!key) goto bad; -#endif - value = kwvalues[pos]; - pos++; - } - else - { - if (!PyDict_Next(kwds, &pos, &key, &value)) break; -#if CYTHON_AVOID_BORROWED_REFS - Py_INCREF(key); -#endif - } - name = first_kw_arg; - while (*name && (**name != key)) name++; - if (*name) { - values[name-argnames] = value; -#if CYTHON_AVOID_BORROWED_REFS - Py_INCREF(value); // transfer ownership of value to values - Py_DECREF(key); -#endif - key = NULL; - value = NULL; - continue; - } -#if !CYTHON_AVOID_BORROWED_REFS - Py_INCREF(key); -#endif - Py_INCREF(value); - name = first_kw_arg; - #if PY_MAJOR_VERSION < 3 - if (likely(PyString_Check(key))) { - while (*name) { - if ((CYTHON_COMPILING_IN_PYPY || PyString_GET_SIZE(**name) == PyString_GET_SIZE(key)) - && _PyString_Eq(**name, key)) { - values[name-argnames] = value; -#if CYTHON_AVOID_BORROWED_REFS - value = NULL; // ownership transferred to values -#endif - break; - } - name++; - } - if (*name) continue; - else { - PyObject*** argname = argnames; - while (argname != first_kw_arg) { - if ((**argname == key) || ( - (CYTHON_COMPILING_IN_PYPY || PyString_GET_SIZE(**argname) == PyString_GET_SIZE(key)) - && _PyString_Eq(**argname, key))) { - goto arg_passed_twice; - } - argname++; - } - } - } else - #endif - if (likely(PyUnicode_Check(key))) { - while (*name) { - int cmp = ( - #if !CYTHON_COMPILING_IN_PYPY && PY_MAJOR_VERSION >= 3 - (__Pyx_PyUnicode_GET_LENGTH(**name) != __Pyx_PyUnicode_GET_LENGTH(key)) ? 1 : - #endif - PyUnicode_Compare(**name, key) - ); - if (cmp < 0 && unlikely(PyErr_Occurred())) goto bad; - if (cmp == 0) { - values[name-argnames] = value; -#if CYTHON_AVOID_BORROWED_REFS - value = NULL; // ownership transferred to values -#endif - break; - } - name++; - } - if (*name) continue; - else { - PyObject*** argname = argnames; - while (argname != first_kw_arg) { - int cmp = (**argname == key) ? 0 : - #if !CYTHON_COMPILING_IN_PYPY && PY_MAJOR_VERSION >= 3 - (__Pyx_PyUnicode_GET_LENGTH(**argname) != __Pyx_PyUnicode_GET_LENGTH(key)) ? 1 : - #endif - PyUnicode_Compare(**argname, key); - if (cmp < 0 && unlikely(PyErr_Occurred())) goto bad; - if (cmp == 0) goto arg_passed_twice; - argname++; - } - } - } else - goto invalid_keyword_type; - if (kwds2) { - if (unlikely(PyDict_SetItem(kwds2, key, value))) goto bad; - } else { - goto invalid_keyword; - } - } - Py_XDECREF(key); - Py_XDECREF(value); - return 0; -arg_passed_twice: - __Pyx_RaiseDoubleKeywordsError(function_name, key); - goto bad; -invalid_keyword_type: - PyErr_Format(PyExc_TypeError, - "%.200s() keywords must be strings", function_name); - goto bad; -invalid_keyword: - #if PY_MAJOR_VERSION < 3 - PyErr_Format(PyExc_TypeError, - "%.200s() got an unexpected keyword argument '%.200s'", - function_name, PyString_AsString(key)); - #else - PyErr_Format(PyExc_TypeError, - "%s() got an unexpected keyword argument '%U'", - function_name, key); - #endif -bad: - Py_XDECREF(key); - Py_XDECREF(value); - return -1; -} - -/* ArgTypeTest */ -static int __Pyx__ArgTypeTest(PyObject *obj, PyTypeObject *type, const char *name, int exact) -{ - __Pyx_TypeName type_name; - __Pyx_TypeName obj_type_name; - if (unlikely(!type)) { - PyErr_SetString(PyExc_SystemError, "Missing type object"); - return 0; - } - else if (exact) { - #if PY_MAJOR_VERSION == 2 - if ((type == &PyBaseString_Type) && likely(__Pyx_PyBaseString_CheckExact(obj))) return 1; - #endif - } - else { - if (likely(__Pyx_TypeCheck(obj, type))) return 1; - } - type_name = __Pyx_PyType_GetName(type); - obj_type_name = __Pyx_PyType_GetName(Py_TYPE(obj)); - PyErr_Format(PyExc_TypeError, - "Argument '%.200s' has incorrect type (expected " __Pyx_FMT_TYPENAME - ", got " __Pyx_FMT_TYPENAME ")", name, type_name, obj_type_name); - __Pyx_DECREF_TypeName(type_name); - __Pyx_DECREF_TypeName(obj_type_name); - return 0; -} - -/* IsLittleEndian */ -static CYTHON_INLINE int __Pyx_Is_Little_Endian(void) -{ - union { - uint32_t u32; - uint8_t u8[4]; - } S; - S.u32 = 0x01020304; - return S.u8[0] == 4; -} - -/* BufferFormatCheck */ -static void __Pyx_BufFmt_Init(__Pyx_BufFmt_Context* ctx, - __Pyx_BufFmt_StackElem* stack, - __Pyx_TypeInfo* type) { - stack[0].field = &ctx->root; - stack[0].parent_offset = 0; - ctx->root.type = type; - ctx->root.name = "buffer dtype"; - ctx->root.offset = 0; - ctx->head = stack; - ctx->head->field = &ctx->root; - ctx->fmt_offset = 0; - ctx->head->parent_offset = 0; - ctx->new_packmode = '@'; - ctx->enc_packmode = '@'; - ctx->new_count = 1; - ctx->enc_count = 0; - ctx->enc_type = 0; - ctx->is_complex = 0; - ctx->is_valid_array = 0; - ctx->struct_alignment = 0; - while (type->typegroup == 'S') { - ++ctx->head; - ctx->head->field = type->fields; - ctx->head->parent_offset = 0; - type = type->fields->type; - } -} -static int __Pyx_BufFmt_ParseNumber(const char** ts) { - int count; - const char* t = *ts; - if (*t < '0' || *t > '9') { - return -1; - } else { - count = *t++ - '0'; - while (*t >= '0' && *t <= '9') { - count *= 10; - count += *t++ - '0'; - } - } - *ts = t; - return count; -} -static int __Pyx_BufFmt_ExpectNumber(const char **ts) { - int number = __Pyx_BufFmt_ParseNumber(ts); - if (number == -1) - PyErr_Format(PyExc_ValueError,\ - "Does not understand character buffer dtype format string ('%c')", **ts); - return number; -} -static void __Pyx_BufFmt_RaiseUnexpectedChar(char ch) { - PyErr_Format(PyExc_ValueError, - "Unexpected format string character: '%c'", ch); -} -static const char* __Pyx_BufFmt_DescribeTypeChar(char ch, int is_complex) { - switch (ch) { - case '?': return "'bool'"; - case 'c': return "'char'"; - case 'b': return "'signed char'"; - case 'B': return "'unsigned char'"; - case 'h': return "'short'"; - case 'H': return "'unsigned short'"; - case 'i': return "'int'"; - case 'I': return "'unsigned int'"; - case 'l': return "'long'"; - case 'L': return "'unsigned long'"; - case 'q': return "'long long'"; - case 'Q': return "'unsigned long long'"; - case 'f': return (is_complex ? "'complex float'" : "'float'"); - case 'd': return (is_complex ? "'complex double'" : "'double'"); - case 'g': return (is_complex ? "'complex long double'" : "'long double'"); - case 'T': return "a struct"; - case 'O': return "Python object"; - case 'P': return "a pointer"; - case 's': case 'p': return "a string"; - case 0: return "end"; - default: return "unparsable format string"; - } -} -static size_t __Pyx_BufFmt_TypeCharToStandardSize(char ch, int is_complex) { - switch (ch) { - case '?': case 'c': case 'b': case 'B': case 's': case 'p': return 1; - case 'h': case 'H': return 2; - case 'i': case 'I': case 'l': case 'L': return 4; - case 'q': case 'Q': return 8; - case 'f': return (is_complex ? 8 : 4); - case 'd': return (is_complex ? 16 : 8); - case 'g': { - PyErr_SetString(PyExc_ValueError, "Python does not define a standard format string size for long double ('g').."); - return 0; - } - case 'O': case 'P': return sizeof(void*); - default: - __Pyx_BufFmt_RaiseUnexpectedChar(ch); - return 0; - } -} -static size_t __Pyx_BufFmt_TypeCharToNativeSize(char ch, int is_complex) { - switch (ch) { - case '?': case 'c': case 'b': case 'B': case 's': case 'p': return 1; - case 'h': case 'H': return sizeof(short); - case 'i': case 'I': return sizeof(int); - case 'l': case 'L': return sizeof(long); - #ifdef HAVE_LONG_LONG - case 'q': case 'Q': return sizeof(PY_LONG_LONG); - #endif - case 'f': return sizeof(float) * (is_complex ? 2 : 1); - case 'd': return sizeof(double) * (is_complex ? 2 : 1); - case 'g': return sizeof(long double) * (is_complex ? 2 : 1); - case 'O': case 'P': return sizeof(void*); - default: { - __Pyx_BufFmt_RaiseUnexpectedChar(ch); - return 0; - } - } -} -typedef struct { char c; short x; } __Pyx_st_short; -typedef struct { char c; int x; } __Pyx_st_int; -typedef struct { char c; long x; } __Pyx_st_long; -typedef struct { char c; float x; } __Pyx_st_float; -typedef struct { char c; double x; } __Pyx_st_double; -typedef struct { char c; long double x; } __Pyx_st_longdouble; -typedef struct { char c; void *x; } __Pyx_st_void_p; -#ifdef HAVE_LONG_LONG -typedef struct { char c; PY_LONG_LONG x; } __Pyx_st_longlong; -#endif -static size_t __Pyx_BufFmt_TypeCharToAlignment(char ch, int is_complex) { - CYTHON_UNUSED_VAR(is_complex); - switch (ch) { - case '?': case 'c': case 'b': case 'B': case 's': case 'p': return 1; - case 'h': case 'H': return sizeof(__Pyx_st_short) - sizeof(short); - case 'i': case 'I': return sizeof(__Pyx_st_int) - sizeof(int); - case 'l': case 'L': return sizeof(__Pyx_st_long) - sizeof(long); -#ifdef HAVE_LONG_LONG - case 'q': case 'Q': return sizeof(__Pyx_st_longlong) - sizeof(PY_LONG_LONG); -#endif - case 'f': return sizeof(__Pyx_st_float) - sizeof(float); - case 'd': return sizeof(__Pyx_st_double) - sizeof(double); - case 'g': return sizeof(__Pyx_st_longdouble) - sizeof(long double); - case 'P': case 'O': return sizeof(__Pyx_st_void_p) - sizeof(void*); - default: - __Pyx_BufFmt_RaiseUnexpectedChar(ch); - return 0; - } -} -/* These are for computing the padding at the end of the struct to align - on the first member of the struct. This will probably the same as above, - but we don't have any guarantees. - */ -typedef struct { short x; char c; } __Pyx_pad_short; -typedef struct { int x; char c; } __Pyx_pad_int; -typedef struct { long x; char c; } __Pyx_pad_long; -typedef struct { float x; char c; } __Pyx_pad_float; -typedef struct { double x; char c; } __Pyx_pad_double; -typedef struct { long double x; char c; } __Pyx_pad_longdouble; -typedef struct { void *x; char c; } __Pyx_pad_void_p; -#ifdef HAVE_LONG_LONG -typedef struct { PY_LONG_LONG x; char c; } __Pyx_pad_longlong; -#endif -static size_t __Pyx_BufFmt_TypeCharToPadding(char ch, int is_complex) { - CYTHON_UNUSED_VAR(is_complex); - switch (ch) { - case '?': case 'c': case 'b': case 'B': case 's': case 'p': return 1; - case 'h': case 'H': return sizeof(__Pyx_pad_short) - sizeof(short); - case 'i': case 'I': return sizeof(__Pyx_pad_int) - sizeof(int); - case 'l': case 'L': return sizeof(__Pyx_pad_long) - sizeof(long); -#ifdef HAVE_LONG_LONG - case 'q': case 'Q': return sizeof(__Pyx_pad_longlong) - sizeof(PY_LONG_LONG); -#endif - case 'f': return sizeof(__Pyx_pad_float) - sizeof(float); - case 'd': return sizeof(__Pyx_pad_double) - sizeof(double); - case 'g': return sizeof(__Pyx_pad_longdouble) - sizeof(long double); - case 'P': case 'O': return sizeof(__Pyx_pad_void_p) - sizeof(void*); - default: - __Pyx_BufFmt_RaiseUnexpectedChar(ch); - return 0; - } -} -static char __Pyx_BufFmt_TypeCharToGroup(char ch, int is_complex) { - switch (ch) { - case 'c': - return 'H'; - case 'b': case 'h': case 'i': - case 'l': case 'q': case 's': case 'p': - return 'I'; - case '?': case 'B': case 'H': case 'I': case 'L': case 'Q': - return 'U'; - case 'f': case 'd': case 'g': - return (is_complex ? 'C' : 'R'); - case 'O': - return 'O'; - case 'P': - return 'P'; - default: { - __Pyx_BufFmt_RaiseUnexpectedChar(ch); - return 0; - } - } -} -static void __Pyx_BufFmt_RaiseExpected(__Pyx_BufFmt_Context* ctx) { - if (ctx->head == NULL || ctx->head->field == &ctx->root) { - const char* expected; - const char* quote; - if (ctx->head == NULL) { - expected = "end"; - quote = ""; - } else { - expected = ctx->head->field->type->name; - quote = "'"; - } - PyErr_Format(PyExc_ValueError, - "Buffer dtype mismatch, expected %s%s%s but got %s", - quote, expected, quote, - __Pyx_BufFmt_DescribeTypeChar(ctx->enc_type, ctx->is_complex)); - } else { - __Pyx_StructField* field = ctx->head->field; - __Pyx_StructField* parent = (ctx->head - 1)->field; - PyErr_Format(PyExc_ValueError, - "Buffer dtype mismatch, expected '%s' but got %s in '%s.%s'", - field->type->name, __Pyx_BufFmt_DescribeTypeChar(ctx->enc_type, ctx->is_complex), - parent->type->name, field->name); - } -} -static int __Pyx_BufFmt_ProcessTypeChunk(__Pyx_BufFmt_Context* ctx) { - char group; - size_t size, offset, arraysize = 1; - if (ctx->enc_type == 0) return 0; - if (ctx->head->field->type->arraysize[0]) { - int i, ndim = 0; - if (ctx->enc_type == 's' || ctx->enc_type == 'p') { - ctx->is_valid_array = ctx->head->field->type->ndim == 1; - ndim = 1; - if (ctx->enc_count != ctx->head->field->type->arraysize[0]) { - PyErr_Format(PyExc_ValueError, - "Expected a dimension of size %zu, got %zu", - ctx->head->field->type->arraysize[0], ctx->enc_count); - return -1; - } - } - if (!ctx->is_valid_array) { - PyErr_Format(PyExc_ValueError, "Expected %d dimensions, got %d", - ctx->head->field->type->ndim, ndim); - return -1; - } - for (i = 0; i < ctx->head->field->type->ndim; i++) { - arraysize *= ctx->head->field->type->arraysize[i]; - } - ctx->is_valid_array = 0; - ctx->enc_count = 1; - } - group = __Pyx_BufFmt_TypeCharToGroup(ctx->enc_type, ctx->is_complex); - do { - __Pyx_StructField* field = ctx->head->field; - __Pyx_TypeInfo* type = field->type; - if (ctx->enc_packmode == '@' || ctx->enc_packmode == '^') { - size = __Pyx_BufFmt_TypeCharToNativeSize(ctx->enc_type, ctx->is_complex); - } else { - size = __Pyx_BufFmt_TypeCharToStandardSize(ctx->enc_type, ctx->is_complex); - } - if (ctx->enc_packmode == '@') { - size_t align_at = __Pyx_BufFmt_TypeCharToAlignment(ctx->enc_type, ctx->is_complex); - size_t align_mod_offset; - if (align_at == 0) return -1; - align_mod_offset = ctx->fmt_offset % align_at; - if (align_mod_offset > 0) ctx->fmt_offset += align_at - align_mod_offset; - if (ctx->struct_alignment == 0) - ctx->struct_alignment = __Pyx_BufFmt_TypeCharToPadding(ctx->enc_type, - ctx->is_complex); - } - if (type->size != size || type->typegroup != group) { - if (type->typegroup == 'C' && type->fields != NULL) { - size_t parent_offset = ctx->head->parent_offset + field->offset; - ++ctx->head; - ctx->head->field = type->fields; - ctx->head->parent_offset = parent_offset; - continue; - } - if ((type->typegroup == 'H' || group == 'H') && type->size == size) { - } else { - __Pyx_BufFmt_RaiseExpected(ctx); - return -1; - } - } - offset = ctx->head->parent_offset + field->offset; - if (ctx->fmt_offset != offset) { - PyErr_Format(PyExc_ValueError, - "Buffer dtype mismatch; next field is at offset %" CYTHON_FORMAT_SSIZE_T "d but %" CYTHON_FORMAT_SSIZE_T "d expected", - (Py_ssize_t)ctx->fmt_offset, (Py_ssize_t)offset); - return -1; - } - ctx->fmt_offset += size; - if (arraysize) - ctx->fmt_offset += (arraysize - 1) * size; - --ctx->enc_count; - while (1) { - if (field == &ctx->root) { - ctx->head = NULL; - if (ctx->enc_count != 0) { - __Pyx_BufFmt_RaiseExpected(ctx); - return -1; - } - break; - } - ctx->head->field = ++field; - if (field->type == NULL) { - --ctx->head; - field = ctx->head->field; - continue; - } else if (field->type->typegroup == 'S') { - size_t parent_offset = ctx->head->parent_offset + field->offset; - if (field->type->fields->type == NULL) continue; - field = field->type->fields; - ++ctx->head; - ctx->head->field = field; - ctx->head->parent_offset = parent_offset; - break; - } else { - break; - } - } - } while (ctx->enc_count); - ctx->enc_type = 0; - ctx->is_complex = 0; - return 0; -} -static int -__pyx_buffmt_parse_array(__Pyx_BufFmt_Context* ctx, const char** tsp) -{ - const char *ts = *tsp; - int i = 0, number, ndim; - ++ts; - if (ctx->new_count != 1) { - PyErr_SetString(PyExc_ValueError, - "Cannot handle repeated arrays in format string"); - return -1; - } - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return -1; - ndim = ctx->head->field->type->ndim; - while (*ts && *ts != ')') { - switch (*ts) { - case ' ': case '\f': case '\r': case '\n': case '\t': case '\v': continue; - default: break; - } - number = __Pyx_BufFmt_ExpectNumber(&ts); - if (number == -1) return -1; - if (i < ndim && (size_t) number != ctx->head->field->type->arraysize[i]) { - PyErr_Format(PyExc_ValueError, - "Expected a dimension of size %zu, got %d", - ctx->head->field->type->arraysize[i], number); - return -1; - } - if (*ts != ',' && *ts != ')') { - PyErr_Format(PyExc_ValueError, - "Expected a comma in format string, got '%c'", *ts); - return -1; - } - if (*ts == ',') ts++; - i++; - } - if (i != ndim) { - PyErr_Format(PyExc_ValueError, "Expected %d dimension(s), got %d", - ctx->head->field->type->ndim, i); - return -1; - } - if (!*ts) { - PyErr_SetString(PyExc_ValueError, - "Unexpected end of format string, expected ')'"); - return -1; - } - ctx->is_valid_array = 1; - ctx->new_count = 1; - *tsp = ++ts; - return 0; -} -static const char* __Pyx_BufFmt_CheckString(__Pyx_BufFmt_Context* ctx, const char* ts) { - int got_Z = 0; - while (1) { - switch(*ts) { - case 0: - if (ctx->enc_type != 0 && ctx->head == NULL) { - __Pyx_BufFmt_RaiseExpected(ctx); - return NULL; - } - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return NULL; - if (ctx->head != NULL) { - __Pyx_BufFmt_RaiseExpected(ctx); - return NULL; - } - return ts; - case ' ': - case '\r': - case '\n': - ++ts; - break; - case '<': - if (!__Pyx_Is_Little_Endian()) { - PyErr_SetString(PyExc_ValueError, "Little-endian buffer not supported on big-endian compiler"); - return NULL; - } - ctx->new_packmode = '='; - ++ts; - break; - case '>': - case '!': - if (__Pyx_Is_Little_Endian()) { - PyErr_SetString(PyExc_ValueError, "Big-endian buffer not supported on little-endian compiler"); - return NULL; - } - ctx->new_packmode = '='; - ++ts; - break; - case '=': - case '@': - case '^': - ctx->new_packmode = *ts++; - break; - case 'T': - { - const char* ts_after_sub; - size_t i, struct_count = ctx->new_count; - size_t struct_alignment = ctx->struct_alignment; - ctx->new_count = 1; - ++ts; - if (*ts != '{') { - PyErr_SetString(PyExc_ValueError, "Buffer acquisition: Expected '{' after 'T'"); - return NULL; - } - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return NULL; - ctx->enc_type = 0; - ctx->enc_count = 0; - ctx->struct_alignment = 0; - ++ts; - ts_after_sub = ts; - for (i = 0; i != struct_count; ++i) { - ts_after_sub = __Pyx_BufFmt_CheckString(ctx, ts); - if (!ts_after_sub) return NULL; - } - ts = ts_after_sub; - if (struct_alignment) ctx->struct_alignment = struct_alignment; - } - break; - case '}': - { - size_t alignment = ctx->struct_alignment; - ++ts; - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return NULL; - ctx->enc_type = 0; - if (alignment && ctx->fmt_offset % alignment) { - ctx->fmt_offset += alignment - (ctx->fmt_offset % alignment); - } - } - return ts; - case 'x': - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return NULL; - ctx->fmt_offset += ctx->new_count; - ctx->new_count = 1; - ctx->enc_count = 0; - ctx->enc_type = 0; - ctx->enc_packmode = ctx->new_packmode; - ++ts; - break; - case 'Z': - got_Z = 1; - ++ts; - if (*ts != 'f' && *ts != 'd' && *ts != 'g') { - __Pyx_BufFmt_RaiseUnexpectedChar('Z'); - return NULL; - } - CYTHON_FALLTHROUGH; - case '?': case 'c': case 'b': case 'B': case 'h': case 'H': case 'i': case 'I': - case 'l': case 'L': case 'q': case 'Q': - case 'f': case 'd': case 'g': - case 'O': case 'p': - if ((ctx->enc_type == *ts) && (got_Z == ctx->is_complex) && - (ctx->enc_packmode == ctx->new_packmode) && (!ctx->is_valid_array)) { - ctx->enc_count += ctx->new_count; - ctx->new_count = 1; - got_Z = 0; - ++ts; - break; - } - CYTHON_FALLTHROUGH; - case 's': - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return NULL; - ctx->enc_count = ctx->new_count; - ctx->enc_packmode = ctx->new_packmode; - ctx->enc_type = *ts; - ctx->is_complex = got_Z; - ++ts; - ctx->new_count = 1; - got_Z = 0; - break; - case ':': - ++ts; - while(*ts != ':') ++ts; - ++ts; - break; - case '(': - if (__pyx_buffmt_parse_array(ctx, &ts) < 0) return NULL; - break; - default: - { - int number = __Pyx_BufFmt_ExpectNumber(&ts); - if (number == -1) return NULL; - ctx->new_count = (size_t)number; - } - } - } -} - -/* BufferGetAndValidate */ - static CYTHON_INLINE void __Pyx_SafeReleaseBuffer(Py_buffer* info) { - if (unlikely(info->buf == NULL)) return; - if (info->suboffsets == __Pyx_minusones) info->suboffsets = NULL; - __Pyx_ReleaseBuffer(info); -} -static void __Pyx_ZeroBuffer(Py_buffer* buf) { - buf->buf = NULL; - buf->obj = NULL; - buf->strides = __Pyx_zeros; - buf->shape = __Pyx_zeros; - buf->suboffsets = __Pyx_minusones; -} -static int __Pyx__GetBufferAndValidate( - Py_buffer* buf, PyObject* obj, __Pyx_TypeInfo* dtype, int flags, - int nd, int cast, __Pyx_BufFmt_StackElem* stack) -{ - buf->buf = NULL; - if (unlikely(__Pyx_GetBuffer(obj, buf, flags) == -1)) { - __Pyx_ZeroBuffer(buf); - return -1; - } - if (unlikely(buf->ndim != nd)) { - PyErr_Format(PyExc_ValueError, - "Buffer has wrong number of dimensions (expected %d, got %d)", - nd, buf->ndim); - goto fail; - } - if (!cast) { - __Pyx_BufFmt_Context ctx; - __Pyx_BufFmt_Init(&ctx, stack, dtype); - if (!__Pyx_BufFmt_CheckString(&ctx, buf->format)) goto fail; - } - if (unlikely((size_t)buf->itemsize != dtype->size)) { - PyErr_Format(PyExc_ValueError, - "Item size of buffer (%" CYTHON_FORMAT_SSIZE_T "d byte%s) does not match size of '%s' (%" CYTHON_FORMAT_SSIZE_T "d byte%s)", - buf->itemsize, (buf->itemsize > 1) ? "s" : "", - dtype->name, (Py_ssize_t)dtype->size, (dtype->size > 1) ? "s" : ""); - goto fail; - } - if (buf->suboffsets == NULL) buf->suboffsets = __Pyx_minusones; - return 0; -fail:; - __Pyx_SafeReleaseBuffer(buf); - return -1; -} - -/* TypeImport */ - #ifndef __PYX_HAVE_RT_ImportType_3_0_5 -#define __PYX_HAVE_RT_ImportType_3_0_5 -static PyTypeObject *__Pyx_ImportType_3_0_5(PyObject *module, const char *module_name, const char *class_name, - size_t size, size_t alignment, enum __Pyx_ImportType_CheckSize_3_0_5 check_size) -{ - PyObject *result = 0; - char warning[200]; - Py_ssize_t basicsize; - Py_ssize_t itemsize; -#if CYTHON_COMPILING_IN_LIMITED_API - PyObject *py_basicsize; - PyObject *py_itemsize; -#endif - result = PyObject_GetAttrString(module, class_name); - if (!result) - goto bad; - if (!PyType_Check(result)) { - PyErr_Format(PyExc_TypeError, - "%.200s.%.200s is not a type object", - module_name, class_name); - goto bad; - } -#if !CYTHON_COMPILING_IN_LIMITED_API - basicsize = ((PyTypeObject *)result)->tp_basicsize; - itemsize = ((PyTypeObject *)result)->tp_itemsize; -#else - py_basicsize = PyObject_GetAttrString(result, "__basicsize__"); - if (!py_basicsize) - goto bad; - basicsize = PyLong_AsSsize_t(py_basicsize); - Py_DECREF(py_basicsize); - py_basicsize = 0; - if (basicsize == (Py_ssize_t)-1 && PyErr_Occurred()) - goto bad; - py_itemsize = PyObject_GetAttrString(result, "__itemsize__"); - if (!py_itemsize) - goto bad; - itemsize = PyLong_AsSsize_t(py_itemsize); - Py_DECREF(py_itemsize); - py_itemsize = 0; - if (itemsize == (Py_ssize_t)-1 && PyErr_Occurred()) - goto bad; -#endif - if (itemsize) { - if (size % alignment) { - alignment = size % alignment; - } - if (itemsize < (Py_ssize_t)alignment) - itemsize = (Py_ssize_t)alignment; - } - if ((size_t)(basicsize + itemsize) < size) { - PyErr_Format(PyExc_ValueError, - "%.200s.%.200s size changed, may indicate binary incompatibility. " - "Expected %zd from C header, got %zd from PyObject", - module_name, class_name, size, basicsize+itemsize); - goto bad; - } - if (check_size == __Pyx_ImportType_CheckSize_Error_3_0_5 && - ((size_t)basicsize > size || (size_t)(basicsize + itemsize) < size)) { - PyErr_Format(PyExc_ValueError, - "%.200s.%.200s size changed, may indicate binary incompatibility. " - "Expected %zd from C header, got %zd-%zd from PyObject", - module_name, class_name, size, basicsize, basicsize+itemsize); - goto bad; - } - else if (check_size == __Pyx_ImportType_CheckSize_Warn_3_0_5 && (size_t)basicsize > size) { - PyOS_snprintf(warning, sizeof(warning), - "%s.%s size changed, may indicate binary incompatibility. " - "Expected %zd from C header, got %zd from PyObject", - module_name, class_name, size, basicsize); - if (PyErr_WarnEx(NULL, warning, 0) < 0) goto bad; - } - return (PyTypeObject *)result; -bad: - Py_XDECREF(result); - return NULL; -} -#endif - -/* Import */ - static PyObject *__Pyx_Import(PyObject *name, PyObject *from_list, int level) { - PyObject *module = 0; - PyObject *empty_dict = 0; - PyObject *empty_list = 0; - #if PY_MAJOR_VERSION < 3 - PyObject *py_import; - py_import = __Pyx_PyObject_GetAttrStr(__pyx_b, __pyx_n_s_import); - if (unlikely(!py_import)) - goto bad; - if (!from_list) { - empty_list = PyList_New(0); - if (unlikely(!empty_list)) - goto bad; - from_list = empty_list; - } - #endif - empty_dict = PyDict_New(); - if (unlikely(!empty_dict)) - goto bad; - { - #if PY_MAJOR_VERSION >= 3 - if (level == -1) { - if (strchr(__Pyx_MODULE_NAME, '.') != NULL) { - module = PyImport_ImportModuleLevelObject( - name, __pyx_d, empty_dict, from_list, 1); - if (unlikely(!module)) { - if (unlikely(!PyErr_ExceptionMatches(PyExc_ImportError))) - goto bad; - PyErr_Clear(); - } - } - level = 0; - } - #endif - if (!module) { - #if PY_MAJOR_VERSION < 3 - PyObject *py_level = PyInt_FromLong(level); - if (unlikely(!py_level)) - goto bad; - module = PyObject_CallFunctionObjArgs(py_import, - name, __pyx_d, empty_dict, from_list, py_level, (PyObject *)NULL); - Py_DECREF(py_level); - #else - module = PyImport_ImportModuleLevelObject( - name, __pyx_d, empty_dict, from_list, level); - #endif - } - } -bad: - Py_XDECREF(empty_dict); - Py_XDECREF(empty_list); - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(py_import); - #endif - return module; -} - -/* ImportDottedModule */ - #if PY_MAJOR_VERSION >= 3 -static PyObject *__Pyx__ImportDottedModule_Error(PyObject *name, PyObject *parts_tuple, Py_ssize_t count) { - PyObject *partial_name = NULL, *slice = NULL, *sep = NULL; - if (unlikely(PyErr_Occurred())) { - PyErr_Clear(); - } - if (likely(PyTuple_GET_SIZE(parts_tuple) == count)) { - partial_name = name; - } else { - slice = PySequence_GetSlice(parts_tuple, 0, count); - if (unlikely(!slice)) - goto bad; - sep = PyUnicode_FromStringAndSize(".", 1); - if (unlikely(!sep)) - goto bad; - partial_name = PyUnicode_Join(sep, slice); - } - PyErr_Format( -#if PY_MAJOR_VERSION < 3 - PyExc_ImportError, - "No module named '%s'", PyString_AS_STRING(partial_name)); -#else -#if PY_VERSION_HEX >= 0x030600B1 - PyExc_ModuleNotFoundError, -#else - PyExc_ImportError, -#endif - "No module named '%U'", partial_name); -#endif -bad: - Py_XDECREF(sep); - Py_XDECREF(slice); - Py_XDECREF(partial_name); - return NULL; -} -#endif -#if PY_MAJOR_VERSION >= 3 -static PyObject *__Pyx__ImportDottedModule_Lookup(PyObject *name) { - PyObject *imported_module; -#if PY_VERSION_HEX < 0x030700A1 || (CYTHON_COMPILING_IN_PYPY && PYPY_VERSION_NUM < 0x07030400) - PyObject *modules = PyImport_GetModuleDict(); - if (unlikely(!modules)) - return NULL; - imported_module = __Pyx_PyDict_GetItemStr(modules, name); - Py_XINCREF(imported_module); -#else - imported_module = PyImport_GetModule(name); -#endif - return imported_module; -} -#endif -#if PY_MAJOR_VERSION >= 3 -static PyObject *__Pyx_ImportDottedModule_WalkParts(PyObject *module, PyObject *name, PyObject *parts_tuple) { - Py_ssize_t i, nparts; - nparts = PyTuple_GET_SIZE(parts_tuple); - for (i=1; i < nparts && module; i++) { - PyObject *part, *submodule; -#if CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS - part = PyTuple_GET_ITEM(parts_tuple, i); -#else - part = PySequence_ITEM(parts_tuple, i); -#endif - submodule = __Pyx_PyObject_GetAttrStrNoError(module, part); -#if !(CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS) - Py_DECREF(part); -#endif - Py_DECREF(module); - module = submodule; - } - if (unlikely(!module)) { - return __Pyx__ImportDottedModule_Error(name, parts_tuple, i); - } - return module; -} -#endif -static PyObject *__Pyx__ImportDottedModule(PyObject *name, PyObject *parts_tuple) { -#if PY_MAJOR_VERSION < 3 - PyObject *module, *from_list, *star = __pyx_n_s__3; - CYTHON_UNUSED_VAR(parts_tuple); - from_list = PyList_New(1); - if (unlikely(!from_list)) - return NULL; - Py_INCREF(star); - PyList_SET_ITEM(from_list, 0, star); - module = __Pyx_Import(name, from_list, 0); - Py_DECREF(from_list); - return module; -#else - PyObject *imported_module; - PyObject *module = __Pyx_Import(name, NULL, 0); - if (!parts_tuple || unlikely(!module)) - return module; - imported_module = __Pyx__ImportDottedModule_Lookup(name); - if (likely(imported_module)) { - Py_DECREF(module); - return imported_module; - } - PyErr_Clear(); - return __Pyx_ImportDottedModule_WalkParts(module, name, parts_tuple); -#endif -} -static PyObject *__Pyx_ImportDottedModule(PyObject *name, PyObject *parts_tuple) { -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX >= 0x030400B1 - PyObject *module = __Pyx__ImportDottedModule_Lookup(name); - if (likely(module)) { - PyObject *spec = __Pyx_PyObject_GetAttrStrNoError(module, __pyx_n_s_spec); - if (likely(spec)) { - PyObject *unsafe = __Pyx_PyObject_GetAttrStrNoError(spec, __pyx_n_s_initializing); - if (likely(!unsafe || !__Pyx_PyObject_IsTrue(unsafe))) { - Py_DECREF(spec); - spec = NULL; - } - Py_XDECREF(unsafe); - } - if (likely(!spec)) { - PyErr_Clear(); - return module; - } - Py_DECREF(spec); - Py_DECREF(module); - } else if (PyErr_Occurred()) { - PyErr_Clear(); - } -#endif - return __Pyx__ImportDottedModule(name, parts_tuple); -} - -/* FixUpExtensionType */ - #if CYTHON_USE_TYPE_SPECS -static int __Pyx_fix_up_extension_type_from_spec(PyType_Spec *spec, PyTypeObject *type) { -#if PY_VERSION_HEX > 0x030900B1 || CYTHON_COMPILING_IN_LIMITED_API - CYTHON_UNUSED_VAR(spec); - CYTHON_UNUSED_VAR(type); -#else - const PyType_Slot *slot = spec->slots; - while (slot && slot->slot && slot->slot != Py_tp_members) - slot++; - if (slot && slot->slot == Py_tp_members) { - int changed = 0; -#if !(PY_VERSION_HEX <= 0x030900b1 && CYTHON_COMPILING_IN_CPYTHON) - const -#endif - PyMemberDef *memb = (PyMemberDef*) slot->pfunc; - while (memb && memb->name) { - if (memb->name[0] == '_' && memb->name[1] == '_') { -#if PY_VERSION_HEX < 0x030900b1 - if (strcmp(memb->name, "__weaklistoffset__") == 0) { - assert(memb->type == T_PYSSIZET); - assert(memb->flags == READONLY); - type->tp_weaklistoffset = memb->offset; - changed = 1; - } - else if (strcmp(memb->name, "__dictoffset__") == 0) { - assert(memb->type == T_PYSSIZET); - assert(memb->flags == READONLY); - type->tp_dictoffset = memb->offset; - changed = 1; - } -#if CYTHON_METH_FASTCALL - else if (strcmp(memb->name, "__vectorcalloffset__") == 0) { - assert(memb->type == T_PYSSIZET); - assert(memb->flags == READONLY); -#if PY_VERSION_HEX >= 0x030800b4 - type->tp_vectorcall_offset = memb->offset; -#else - type->tp_print = (printfunc) memb->offset; -#endif - changed = 1; - } -#endif -#else - if ((0)); -#endif -#if PY_VERSION_HEX <= 0x030900b1 && CYTHON_COMPILING_IN_CPYTHON - else if (strcmp(memb->name, "__module__") == 0) { - PyObject *descr; - assert(memb->type == T_OBJECT); - assert(memb->flags == 0 || memb->flags == READONLY); - descr = PyDescr_NewMember(type, memb); - if (unlikely(!descr)) - return -1; - if (unlikely(PyDict_SetItem(type->tp_dict, PyDescr_NAME(descr), descr) < 0)) { - Py_DECREF(descr); - return -1; - } - Py_DECREF(descr); - changed = 1; - } -#endif - } - memb++; - } - if (changed) - PyType_Modified(type); - } -#endif - return 0; -} -#endif - -/* FetchSharedCythonModule */ - static PyObject *__Pyx_FetchSharedCythonABIModule(void) { - return __Pyx_PyImport_AddModuleRef((char*) __PYX_ABI_MODULE_NAME); -} - -/* FetchCommonType */ - static int __Pyx_VerifyCachedType(PyObject *cached_type, - const char *name, - Py_ssize_t basicsize, - Py_ssize_t expected_basicsize) { - if (!PyType_Check(cached_type)) { - PyErr_Format(PyExc_TypeError, - "Shared Cython type %.200s is not a type object", name); - return -1; - } - if (basicsize != expected_basicsize) { - PyErr_Format(PyExc_TypeError, - "Shared Cython type %.200s has the wrong size, try recompiling", - name); - return -1; - } - return 0; -} -#if !CYTHON_USE_TYPE_SPECS -static PyTypeObject* __Pyx_FetchCommonType(PyTypeObject* type) { - PyObject* abi_module; - const char* object_name; - PyTypeObject *cached_type = NULL; - abi_module = __Pyx_FetchSharedCythonABIModule(); - if (!abi_module) return NULL; - object_name = strrchr(type->tp_name, '.'); - object_name = object_name ? object_name+1 : type->tp_name; - cached_type = (PyTypeObject*) PyObject_GetAttrString(abi_module, object_name); - if (cached_type) { - if (__Pyx_VerifyCachedType( - (PyObject *)cached_type, - object_name, - cached_type->tp_basicsize, - type->tp_basicsize) < 0) { - goto bad; - } - goto done; - } - if (!PyErr_ExceptionMatches(PyExc_AttributeError)) goto bad; - PyErr_Clear(); - if (PyType_Ready(type) < 0) goto bad; - if (PyObject_SetAttrString(abi_module, object_name, (PyObject *)type) < 0) - goto bad; - Py_INCREF(type); - cached_type = type; -done: - Py_DECREF(abi_module); - return cached_type; -bad: - Py_XDECREF(cached_type); - cached_type = NULL; - goto done; -} -#else -static PyTypeObject *__Pyx_FetchCommonTypeFromSpec(PyObject *module, PyType_Spec *spec, PyObject *bases) { - PyObject *abi_module, *cached_type = NULL; - const char* object_name = strrchr(spec->name, '.'); - object_name = object_name ? object_name+1 : spec->name; - abi_module = __Pyx_FetchSharedCythonABIModule(); - if (!abi_module) return NULL; - cached_type = PyObject_GetAttrString(abi_module, object_name); - if (cached_type) { - Py_ssize_t basicsize; -#if CYTHON_COMPILING_IN_LIMITED_API - PyObject *py_basicsize; - py_basicsize = PyObject_GetAttrString(cached_type, "__basicsize__"); - if (unlikely(!py_basicsize)) goto bad; - basicsize = PyLong_AsSsize_t(py_basicsize); - Py_DECREF(py_basicsize); - py_basicsize = 0; - if (unlikely(basicsize == (Py_ssize_t)-1) && PyErr_Occurred()) goto bad; -#else - basicsize = likely(PyType_Check(cached_type)) ? ((PyTypeObject*) cached_type)->tp_basicsize : -1; -#endif - if (__Pyx_VerifyCachedType( - cached_type, - object_name, - basicsize, - spec->basicsize) < 0) { - goto bad; - } - goto done; - } - if (!PyErr_ExceptionMatches(PyExc_AttributeError)) goto bad; - PyErr_Clear(); - CYTHON_UNUSED_VAR(module); - cached_type = __Pyx_PyType_FromModuleAndSpec(abi_module, spec, bases); - if (unlikely(!cached_type)) goto bad; - if (unlikely(__Pyx_fix_up_extension_type_from_spec(spec, (PyTypeObject *) cached_type) < 0)) goto bad; - if (PyObject_SetAttrString(abi_module, object_name, cached_type) < 0) goto bad; -done: - Py_DECREF(abi_module); - assert(cached_type == NULL || PyType_Check(cached_type)); - return (PyTypeObject *) cached_type; -bad: - Py_XDECREF(cached_type); - cached_type = NULL; - goto done; -} -#endif - -/* PyVectorcallFastCallDict */ - #if CYTHON_METH_FASTCALL -static PyObject *__Pyx_PyVectorcall_FastCallDict_kw(PyObject *func, __pyx_vectorcallfunc vc, PyObject *const *args, size_t nargs, PyObject *kw) -{ - PyObject *res = NULL; - PyObject *kwnames; - PyObject **newargs; - PyObject **kwvalues; - Py_ssize_t i, pos; - size_t j; - PyObject *key, *value; - unsigned long keys_are_strings; - Py_ssize_t nkw = PyDict_GET_SIZE(kw); - newargs = (PyObject **)PyMem_Malloc((nargs + (size_t)nkw) * sizeof(args[0])); - if (unlikely(newargs == NULL)) { - PyErr_NoMemory(); - return NULL; - } - for (j = 0; j < nargs; j++) newargs[j] = args[j]; - kwnames = PyTuple_New(nkw); - if (unlikely(kwnames == NULL)) { - PyMem_Free(newargs); - return NULL; - } - kwvalues = newargs + nargs; - pos = i = 0; - keys_are_strings = Py_TPFLAGS_UNICODE_SUBCLASS; - while (PyDict_Next(kw, &pos, &key, &value)) { - keys_are_strings &= Py_TYPE(key)->tp_flags; - Py_INCREF(key); - Py_INCREF(value); - PyTuple_SET_ITEM(kwnames, i, key); - kwvalues[i] = value; - i++; - } - if (unlikely(!keys_are_strings)) { - PyErr_SetString(PyExc_TypeError, "keywords must be strings"); - goto cleanup; - } - res = vc(func, newargs, nargs, kwnames); -cleanup: - Py_DECREF(kwnames); - for (i = 0; i < nkw; i++) - Py_DECREF(kwvalues[i]); - PyMem_Free(newargs); - return res; -} -static CYTHON_INLINE PyObject *__Pyx_PyVectorcall_FastCallDict(PyObject *func, __pyx_vectorcallfunc vc, PyObject *const *args, size_t nargs, PyObject *kw) -{ - if (likely(kw == NULL) || PyDict_GET_SIZE(kw) == 0) { - return vc(func, args, nargs, NULL); - } - return __Pyx_PyVectorcall_FastCallDict_kw(func, vc, args, nargs, kw); -} -#endif - -/* CythonFunctionShared */ - #if CYTHON_COMPILING_IN_LIMITED_API -static CYTHON_INLINE int __Pyx__IsSameCyOrCFunction(PyObject *func, void *cfunc) { - if (__Pyx_CyFunction_Check(func)) { - return PyCFunction_GetFunction(((__pyx_CyFunctionObject*)func)->func) == (PyCFunction) cfunc; - } else if (PyCFunction_Check(func)) { - return PyCFunction_GetFunction(func) == (PyCFunction) cfunc; - } - return 0; -} -#else -static CYTHON_INLINE int __Pyx__IsSameCyOrCFunction(PyObject *func, void *cfunc) { - return __Pyx_CyOrPyCFunction_Check(func) && __Pyx_CyOrPyCFunction_GET_FUNCTION(func) == (PyCFunction) cfunc; -} -#endif -static CYTHON_INLINE void __Pyx__CyFunction_SetClassObj(__pyx_CyFunctionObject* f, PyObject* classobj) { -#if PY_VERSION_HEX < 0x030900B1 || CYTHON_COMPILING_IN_LIMITED_API - __Pyx_Py_XDECREF_SET( - __Pyx_CyFunction_GetClassObj(f), - ((classobj) ? __Pyx_NewRef(classobj) : NULL)); -#else - __Pyx_Py_XDECREF_SET( - ((PyCMethodObject *) (f))->mm_class, - (PyTypeObject*)((classobj) ? __Pyx_NewRef(classobj) : NULL)); -#endif -} -static PyObject * -__Pyx_CyFunction_get_doc(__pyx_CyFunctionObject *op, void *closure) -{ - CYTHON_UNUSED_VAR(closure); - if (unlikely(op->func_doc == NULL)) { -#if CYTHON_COMPILING_IN_LIMITED_API - op->func_doc = PyObject_GetAttrString(op->func, "__doc__"); - if (unlikely(!op->func_doc)) return NULL; -#else - if (((PyCFunctionObject*)op)->m_ml->ml_doc) { -#if PY_MAJOR_VERSION >= 3 - op->func_doc = PyUnicode_FromString(((PyCFunctionObject*)op)->m_ml->ml_doc); -#else - op->func_doc = PyString_FromString(((PyCFunctionObject*)op)->m_ml->ml_doc); -#endif - if (unlikely(op->func_doc == NULL)) - return NULL; - } else { - Py_INCREF(Py_None); - return Py_None; - } -#endif - } - Py_INCREF(op->func_doc); - return op->func_doc; -} -static int -__Pyx_CyFunction_set_doc(__pyx_CyFunctionObject *op, PyObject *value, void *context) -{ - CYTHON_UNUSED_VAR(context); - if (value == NULL) { - value = Py_None; - } - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->func_doc, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_name(__pyx_CyFunctionObject *op, void *context) -{ - CYTHON_UNUSED_VAR(context); - if (unlikely(op->func_name == NULL)) { -#if CYTHON_COMPILING_IN_LIMITED_API - op->func_name = PyObject_GetAttrString(op->func, "__name__"); -#elif PY_MAJOR_VERSION >= 3 - op->func_name = PyUnicode_InternFromString(((PyCFunctionObject*)op)->m_ml->ml_name); -#else - op->func_name = PyString_InternFromString(((PyCFunctionObject*)op)->m_ml->ml_name); -#endif - if (unlikely(op->func_name == NULL)) - return NULL; - } - Py_INCREF(op->func_name); - return op->func_name; -} -static int -__Pyx_CyFunction_set_name(__pyx_CyFunctionObject *op, PyObject *value, void *context) -{ - CYTHON_UNUSED_VAR(context); -#if PY_MAJOR_VERSION >= 3 - if (unlikely(value == NULL || !PyUnicode_Check(value))) -#else - if (unlikely(value == NULL || !PyString_Check(value))) -#endif - { - PyErr_SetString(PyExc_TypeError, - "__name__ must be set to a string object"); - return -1; - } - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->func_name, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_qualname(__pyx_CyFunctionObject *op, void *context) -{ - CYTHON_UNUSED_VAR(context); - Py_INCREF(op->func_qualname); - return op->func_qualname; -} -static int -__Pyx_CyFunction_set_qualname(__pyx_CyFunctionObject *op, PyObject *value, void *context) -{ - CYTHON_UNUSED_VAR(context); -#if PY_MAJOR_VERSION >= 3 - if (unlikely(value == NULL || !PyUnicode_Check(value))) -#else - if (unlikely(value == NULL || !PyString_Check(value))) -#endif - { - PyErr_SetString(PyExc_TypeError, - "__qualname__ must be set to a string object"); - return -1; - } - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->func_qualname, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_dict(__pyx_CyFunctionObject *op, void *context) -{ - CYTHON_UNUSED_VAR(context); - if (unlikely(op->func_dict == NULL)) { - op->func_dict = PyDict_New(); - if (unlikely(op->func_dict == NULL)) - return NULL; - } - Py_INCREF(op->func_dict); - return op->func_dict; -} -static int -__Pyx_CyFunction_set_dict(__pyx_CyFunctionObject *op, PyObject *value, void *context) -{ - CYTHON_UNUSED_VAR(context); - if (unlikely(value == NULL)) { - PyErr_SetString(PyExc_TypeError, - "function's dictionary may not be deleted"); - return -1; - } - if (unlikely(!PyDict_Check(value))) { - PyErr_SetString(PyExc_TypeError, - "setting function's dictionary to a non-dict"); - return -1; - } - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->func_dict, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_globals(__pyx_CyFunctionObject *op, void *context) -{ - CYTHON_UNUSED_VAR(context); - Py_INCREF(op->func_globals); - return op->func_globals; -} -static PyObject * -__Pyx_CyFunction_get_closure(__pyx_CyFunctionObject *op, void *context) -{ - CYTHON_UNUSED_VAR(op); - CYTHON_UNUSED_VAR(context); - Py_INCREF(Py_None); - return Py_None; -} -static PyObject * -__Pyx_CyFunction_get_code(__pyx_CyFunctionObject *op, void *context) -{ - PyObject* result = (op->func_code) ? op->func_code : Py_None; - CYTHON_UNUSED_VAR(context); - Py_INCREF(result); - return result; -} -static int -__Pyx_CyFunction_init_defaults(__pyx_CyFunctionObject *op) { - int result = 0; - PyObject *res = op->defaults_getter((PyObject *) op); - if (unlikely(!res)) - return -1; - #if CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS - op->defaults_tuple = PyTuple_GET_ITEM(res, 0); - Py_INCREF(op->defaults_tuple); - op->defaults_kwdict = PyTuple_GET_ITEM(res, 1); - Py_INCREF(op->defaults_kwdict); - #else - op->defaults_tuple = __Pyx_PySequence_ITEM(res, 0); - if (unlikely(!op->defaults_tuple)) result = -1; - else { - op->defaults_kwdict = __Pyx_PySequence_ITEM(res, 1); - if (unlikely(!op->defaults_kwdict)) result = -1; - } - #endif - Py_DECREF(res); - return result; -} -static int -__Pyx_CyFunction_set_defaults(__pyx_CyFunctionObject *op, PyObject* value, void *context) { - CYTHON_UNUSED_VAR(context); - if (!value) { - value = Py_None; - } else if (unlikely(value != Py_None && !PyTuple_Check(value))) { - PyErr_SetString(PyExc_TypeError, - "__defaults__ must be set to a tuple object"); - return -1; - } - PyErr_WarnEx(PyExc_RuntimeWarning, "changes to cyfunction.__defaults__ will not " - "currently affect the values used in function calls", 1); - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->defaults_tuple, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_defaults(__pyx_CyFunctionObject *op, void *context) { - PyObject* result = op->defaults_tuple; - CYTHON_UNUSED_VAR(context); - if (unlikely(!result)) { - if (op->defaults_getter) { - if (unlikely(__Pyx_CyFunction_init_defaults(op) < 0)) return NULL; - result = op->defaults_tuple; - } else { - result = Py_None; - } - } - Py_INCREF(result); - return result; -} -static int -__Pyx_CyFunction_set_kwdefaults(__pyx_CyFunctionObject *op, PyObject* value, void *context) { - CYTHON_UNUSED_VAR(context); - if (!value) { - value = Py_None; - } else if (unlikely(value != Py_None && !PyDict_Check(value))) { - PyErr_SetString(PyExc_TypeError, - "__kwdefaults__ must be set to a dict object"); - return -1; - } - PyErr_WarnEx(PyExc_RuntimeWarning, "changes to cyfunction.__kwdefaults__ will not " - "currently affect the values used in function calls", 1); - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->defaults_kwdict, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_kwdefaults(__pyx_CyFunctionObject *op, void *context) { - PyObject* result = op->defaults_kwdict; - CYTHON_UNUSED_VAR(context); - if (unlikely(!result)) { - if (op->defaults_getter) { - if (unlikely(__Pyx_CyFunction_init_defaults(op) < 0)) return NULL; - result = op->defaults_kwdict; - } else { - result = Py_None; - } - } - Py_INCREF(result); - return result; -} -static int -__Pyx_CyFunction_set_annotations(__pyx_CyFunctionObject *op, PyObject* value, void *context) { - CYTHON_UNUSED_VAR(context); - if (!value || value == Py_None) { - value = NULL; - } else if (unlikely(!PyDict_Check(value))) { - PyErr_SetString(PyExc_TypeError, - "__annotations__ must be set to a dict object"); - return -1; - } - Py_XINCREF(value); - __Pyx_Py_XDECREF_SET(op->func_annotations, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_annotations(__pyx_CyFunctionObject *op, void *context) { - PyObject* result = op->func_annotations; - CYTHON_UNUSED_VAR(context); - if (unlikely(!result)) { - result = PyDict_New(); - if (unlikely(!result)) return NULL; - op->func_annotations = result; - } - Py_INCREF(result); - return result; -} -static PyObject * -__Pyx_CyFunction_get_is_coroutine(__pyx_CyFunctionObject *op, void *context) { - int is_coroutine; - CYTHON_UNUSED_VAR(context); - if (op->func_is_coroutine) { - return __Pyx_NewRef(op->func_is_coroutine); - } - is_coroutine = op->flags & __Pyx_CYFUNCTION_COROUTINE; -#if PY_VERSION_HEX >= 0x03050000 - if (is_coroutine) { - PyObject *module, *fromlist, *marker = __pyx_n_s_is_coroutine; - fromlist = PyList_New(1); - if (unlikely(!fromlist)) return NULL; - Py_INCREF(marker); -#if CYTHON_ASSUME_SAFE_MACROS - PyList_SET_ITEM(fromlist, 0, marker); -#else - if (unlikely(PyList_SetItem(fromlist, 0, marker) < 0)) { - Py_DECREF(marker); - Py_DECREF(fromlist); - return NULL; - } -#endif - module = PyImport_ImportModuleLevelObject(__pyx_n_s_asyncio_coroutines, NULL, NULL, fromlist, 0); - Py_DECREF(fromlist); - if (unlikely(!module)) goto ignore; - op->func_is_coroutine = __Pyx_PyObject_GetAttrStr(module, marker); - Py_DECREF(module); - if (likely(op->func_is_coroutine)) { - return __Pyx_NewRef(op->func_is_coroutine); - } -ignore: - PyErr_Clear(); - } -#endif - op->func_is_coroutine = __Pyx_PyBool_FromLong(is_coroutine); - return __Pyx_NewRef(op->func_is_coroutine); -} -#if CYTHON_COMPILING_IN_LIMITED_API -static PyObject * -__Pyx_CyFunction_get_module(__pyx_CyFunctionObject *op, void *context) { - CYTHON_UNUSED_VAR(context); - return PyObject_GetAttrString(op->func, "__module__"); -} -static int -__Pyx_CyFunction_set_module(__pyx_CyFunctionObject *op, PyObject* value, void *context) { - CYTHON_UNUSED_VAR(context); - return PyObject_SetAttrString(op->func, "__module__", value); -} -#endif -static PyGetSetDef __pyx_CyFunction_getsets[] = { - {(char *) "func_doc", (getter)__Pyx_CyFunction_get_doc, (setter)__Pyx_CyFunction_set_doc, 0, 0}, - {(char *) "__doc__", (getter)__Pyx_CyFunction_get_doc, (setter)__Pyx_CyFunction_set_doc, 0, 0}, - {(char *) "func_name", (getter)__Pyx_CyFunction_get_name, (setter)__Pyx_CyFunction_set_name, 0, 0}, - {(char *) "__name__", (getter)__Pyx_CyFunction_get_name, (setter)__Pyx_CyFunction_set_name, 0, 0}, - {(char *) "__qualname__", (getter)__Pyx_CyFunction_get_qualname, (setter)__Pyx_CyFunction_set_qualname, 0, 0}, - {(char *) "func_dict", (getter)__Pyx_CyFunction_get_dict, (setter)__Pyx_CyFunction_set_dict, 0, 0}, - {(char *) "__dict__", (getter)__Pyx_CyFunction_get_dict, (setter)__Pyx_CyFunction_set_dict, 0, 0}, - {(char *) "func_globals", (getter)__Pyx_CyFunction_get_globals, 0, 0, 0}, - {(char *) "__globals__", (getter)__Pyx_CyFunction_get_globals, 0, 0, 0}, - {(char *) "func_closure", (getter)__Pyx_CyFunction_get_closure, 0, 0, 0}, - {(char *) "__closure__", (getter)__Pyx_CyFunction_get_closure, 0, 0, 0}, - {(char *) "func_code", (getter)__Pyx_CyFunction_get_code, 0, 0, 0}, - {(char *) "__code__", (getter)__Pyx_CyFunction_get_code, 0, 0, 0}, - {(char *) "func_defaults", (getter)__Pyx_CyFunction_get_defaults, (setter)__Pyx_CyFunction_set_defaults, 0, 0}, - {(char *) "__defaults__", (getter)__Pyx_CyFunction_get_defaults, (setter)__Pyx_CyFunction_set_defaults, 0, 0}, - {(char *) "__kwdefaults__", (getter)__Pyx_CyFunction_get_kwdefaults, (setter)__Pyx_CyFunction_set_kwdefaults, 0, 0}, - {(char *) "__annotations__", (getter)__Pyx_CyFunction_get_annotations, (setter)__Pyx_CyFunction_set_annotations, 0, 0}, - {(char *) "_is_coroutine", (getter)__Pyx_CyFunction_get_is_coroutine, 0, 0, 0}, -#if CYTHON_COMPILING_IN_LIMITED_API - {"__module__", (getter)__Pyx_CyFunction_get_module, (setter)__Pyx_CyFunction_set_module, 0, 0}, -#endif - {0, 0, 0, 0, 0} -}; -static PyMemberDef __pyx_CyFunction_members[] = { -#if !CYTHON_COMPILING_IN_LIMITED_API - {(char *) "__module__", T_OBJECT, offsetof(PyCFunctionObject, m_module), 0, 0}, -#endif -#if CYTHON_USE_TYPE_SPECS - {(char *) "__dictoffset__", T_PYSSIZET, offsetof(__pyx_CyFunctionObject, func_dict), READONLY, 0}, -#if CYTHON_METH_FASTCALL -#if CYTHON_BACKPORT_VECTORCALL - {(char *) "__vectorcalloffset__", T_PYSSIZET, offsetof(__pyx_CyFunctionObject, func_vectorcall), READONLY, 0}, -#else -#if !CYTHON_COMPILING_IN_LIMITED_API - {(char *) "__vectorcalloffset__", T_PYSSIZET, offsetof(PyCFunctionObject, vectorcall), READONLY, 0}, -#endif -#endif -#endif -#if PY_VERSION_HEX < 0x030500A0 || CYTHON_COMPILING_IN_LIMITED_API - {(char *) "__weaklistoffset__", T_PYSSIZET, offsetof(__pyx_CyFunctionObject, func_weakreflist), READONLY, 0}, -#else - {(char *) "__weaklistoffset__", T_PYSSIZET, offsetof(PyCFunctionObject, m_weakreflist), READONLY, 0}, -#endif -#endif - {0, 0, 0, 0, 0} -}; -static PyObject * -__Pyx_CyFunction_reduce(__pyx_CyFunctionObject *m, PyObject *args) -{ - CYTHON_UNUSED_VAR(args); -#if PY_MAJOR_VERSION >= 3 - Py_INCREF(m->func_qualname); - return m->func_qualname; -#else - return PyString_FromString(((PyCFunctionObject*)m)->m_ml->ml_name); -#endif -} -static PyMethodDef __pyx_CyFunction_methods[] = { - {"__reduce__", (PyCFunction)__Pyx_CyFunction_reduce, METH_VARARGS, 0}, - {0, 0, 0, 0} -}; -#if PY_VERSION_HEX < 0x030500A0 || CYTHON_COMPILING_IN_LIMITED_API -#define __Pyx_CyFunction_weakreflist(cyfunc) ((cyfunc)->func_weakreflist) -#else -#define __Pyx_CyFunction_weakreflist(cyfunc) (((PyCFunctionObject*)cyfunc)->m_weakreflist) -#endif -static PyObject *__Pyx_CyFunction_Init(__pyx_CyFunctionObject *op, PyMethodDef *ml, int flags, PyObject* qualname, - PyObject *closure, PyObject *module, PyObject* globals, PyObject* code) { -#if !CYTHON_COMPILING_IN_LIMITED_API - PyCFunctionObject *cf = (PyCFunctionObject*) op; -#endif - if (unlikely(op == NULL)) - return NULL; -#if CYTHON_COMPILING_IN_LIMITED_API - op->func = PyCFunction_NewEx(ml, (PyObject*)op, module); - if (unlikely(!op->func)) return NULL; -#endif - op->flags = flags; - __Pyx_CyFunction_weakreflist(op) = NULL; -#if !CYTHON_COMPILING_IN_LIMITED_API - cf->m_ml = ml; - cf->m_self = (PyObject *) op; -#endif - Py_XINCREF(closure); - op->func_closure = closure; -#if !CYTHON_COMPILING_IN_LIMITED_API - Py_XINCREF(module); - cf->m_module = module; -#endif - op->func_dict = NULL; - op->func_name = NULL; - Py_INCREF(qualname); - op->func_qualname = qualname; - op->func_doc = NULL; -#if PY_VERSION_HEX < 0x030900B1 || CYTHON_COMPILING_IN_LIMITED_API - op->func_classobj = NULL; -#else - ((PyCMethodObject*)op)->mm_class = NULL; -#endif - op->func_globals = globals; - Py_INCREF(op->func_globals); - Py_XINCREF(code); - op->func_code = code; - op->defaults_pyobjects = 0; - op->defaults_size = 0; - op->defaults = NULL; - op->defaults_tuple = NULL; - op->defaults_kwdict = NULL; - op->defaults_getter = NULL; - op->func_annotations = NULL; - op->func_is_coroutine = NULL; -#if CYTHON_METH_FASTCALL - switch (ml->ml_flags & (METH_VARARGS | METH_FASTCALL | METH_NOARGS | METH_O | METH_KEYWORDS | METH_METHOD)) { - case METH_NOARGS: - __Pyx_CyFunction_func_vectorcall(op) = __Pyx_CyFunction_Vectorcall_NOARGS; - break; - case METH_O: - __Pyx_CyFunction_func_vectorcall(op) = __Pyx_CyFunction_Vectorcall_O; - break; - case METH_METHOD | METH_FASTCALL | METH_KEYWORDS: - __Pyx_CyFunction_func_vectorcall(op) = __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS_METHOD; - break; - case METH_FASTCALL | METH_KEYWORDS: - __Pyx_CyFunction_func_vectorcall(op) = __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS; - break; - case METH_VARARGS | METH_KEYWORDS: - __Pyx_CyFunction_func_vectorcall(op) = NULL; - break; - default: - PyErr_SetString(PyExc_SystemError, "Bad call flags for CyFunction"); - Py_DECREF(op); - return NULL; - } -#endif - return (PyObject *) op; -} -static int -__Pyx_CyFunction_clear(__pyx_CyFunctionObject *m) -{ - Py_CLEAR(m->func_closure); -#if CYTHON_COMPILING_IN_LIMITED_API - Py_CLEAR(m->func); -#else - Py_CLEAR(((PyCFunctionObject*)m)->m_module); -#endif - Py_CLEAR(m->func_dict); - Py_CLEAR(m->func_name); - Py_CLEAR(m->func_qualname); - Py_CLEAR(m->func_doc); - Py_CLEAR(m->func_globals); - Py_CLEAR(m->func_code); -#if !CYTHON_COMPILING_IN_LIMITED_API -#if PY_VERSION_HEX < 0x030900B1 - Py_CLEAR(__Pyx_CyFunction_GetClassObj(m)); -#else - { - PyObject *cls = (PyObject*) ((PyCMethodObject *) (m))->mm_class; - ((PyCMethodObject *) (m))->mm_class = NULL; - Py_XDECREF(cls); - } -#endif -#endif - Py_CLEAR(m->defaults_tuple); - Py_CLEAR(m->defaults_kwdict); - Py_CLEAR(m->func_annotations); - Py_CLEAR(m->func_is_coroutine); - if (m->defaults) { - PyObject **pydefaults = __Pyx_CyFunction_Defaults(PyObject *, m); - int i; - for (i = 0; i < m->defaults_pyobjects; i++) - Py_XDECREF(pydefaults[i]); - PyObject_Free(m->defaults); - m->defaults = NULL; - } - return 0; -} -static void __Pyx__CyFunction_dealloc(__pyx_CyFunctionObject *m) -{ - if (__Pyx_CyFunction_weakreflist(m) != NULL) - PyObject_ClearWeakRefs((PyObject *) m); - __Pyx_CyFunction_clear(m); - __Pyx_PyHeapTypeObject_GC_Del(m); -} -static void __Pyx_CyFunction_dealloc(__pyx_CyFunctionObject *m) -{ - PyObject_GC_UnTrack(m); - __Pyx__CyFunction_dealloc(m); -} -static int __Pyx_CyFunction_traverse(__pyx_CyFunctionObject *m, visitproc visit, void *arg) -{ - Py_VISIT(m->func_closure); -#if CYTHON_COMPILING_IN_LIMITED_API - Py_VISIT(m->func); -#else - Py_VISIT(((PyCFunctionObject*)m)->m_module); -#endif - Py_VISIT(m->func_dict); - Py_VISIT(m->func_name); - Py_VISIT(m->func_qualname); - Py_VISIT(m->func_doc); - Py_VISIT(m->func_globals); - Py_VISIT(m->func_code); -#if !CYTHON_COMPILING_IN_LIMITED_API - Py_VISIT(__Pyx_CyFunction_GetClassObj(m)); -#endif - Py_VISIT(m->defaults_tuple); - Py_VISIT(m->defaults_kwdict); - Py_VISIT(m->func_is_coroutine); - if (m->defaults) { - PyObject **pydefaults = __Pyx_CyFunction_Defaults(PyObject *, m); - int i; - for (i = 0; i < m->defaults_pyobjects; i++) - Py_VISIT(pydefaults[i]); - } - return 0; -} -static PyObject* -__Pyx_CyFunction_repr(__pyx_CyFunctionObject *op) -{ -#if PY_MAJOR_VERSION >= 3 - return PyUnicode_FromFormat("", - op->func_qualname, (void *)op); -#else - return PyString_FromFormat("", - PyString_AsString(op->func_qualname), (void *)op); -#endif -} -static PyObject * __Pyx_CyFunction_CallMethod(PyObject *func, PyObject *self, PyObject *arg, PyObject *kw) { -#if CYTHON_COMPILING_IN_LIMITED_API - PyObject *f = ((__pyx_CyFunctionObject*)func)->func; - PyObject *py_name = NULL; - PyCFunction meth; - int flags; - meth = PyCFunction_GetFunction(f); - if (unlikely(!meth)) return NULL; - flags = PyCFunction_GetFlags(f); - if (unlikely(flags < 0)) return NULL; -#else - PyCFunctionObject* f = (PyCFunctionObject*)func; - PyCFunction meth = f->m_ml->ml_meth; - int flags = f->m_ml->ml_flags; -#endif - Py_ssize_t size; - switch (flags & (METH_VARARGS | METH_KEYWORDS | METH_NOARGS | METH_O)) { - case METH_VARARGS: - if (likely(kw == NULL || PyDict_Size(kw) == 0)) - return (*meth)(self, arg); - break; - case METH_VARARGS | METH_KEYWORDS: - return (*(PyCFunctionWithKeywords)(void*)meth)(self, arg, kw); - case METH_NOARGS: - if (likely(kw == NULL || PyDict_Size(kw) == 0)) { -#if CYTHON_ASSUME_SAFE_MACROS - size = PyTuple_GET_SIZE(arg); -#else - size = PyTuple_Size(arg); - if (unlikely(size < 0)) return NULL; -#endif - if (likely(size == 0)) - return (*meth)(self, NULL); -#if CYTHON_COMPILING_IN_LIMITED_API - py_name = __Pyx_CyFunction_get_name((__pyx_CyFunctionObject*)func, NULL); - if (!py_name) return NULL; - PyErr_Format(PyExc_TypeError, - "%.200S() takes no arguments (%" CYTHON_FORMAT_SSIZE_T "d given)", - py_name, size); - Py_DECREF(py_name); -#else - PyErr_Format(PyExc_TypeError, - "%.200s() takes no arguments (%" CYTHON_FORMAT_SSIZE_T "d given)", - f->m_ml->ml_name, size); -#endif - return NULL; - } - break; - case METH_O: - if (likely(kw == NULL || PyDict_Size(kw) == 0)) { -#if CYTHON_ASSUME_SAFE_MACROS - size = PyTuple_GET_SIZE(arg); -#else - size = PyTuple_Size(arg); - if (unlikely(size < 0)) return NULL; -#endif - if (likely(size == 1)) { - PyObject *result, *arg0; - #if CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS - arg0 = PyTuple_GET_ITEM(arg, 0); - #else - arg0 = __Pyx_PySequence_ITEM(arg, 0); if (unlikely(!arg0)) return NULL; - #endif - result = (*meth)(self, arg0); - #if !(CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS) - Py_DECREF(arg0); - #endif - return result; - } -#if CYTHON_COMPILING_IN_LIMITED_API - py_name = __Pyx_CyFunction_get_name((__pyx_CyFunctionObject*)func, NULL); - if (!py_name) return NULL; - PyErr_Format(PyExc_TypeError, - "%.200S() takes exactly one argument (%" CYTHON_FORMAT_SSIZE_T "d given)", - py_name, size); - Py_DECREF(py_name); -#else - PyErr_Format(PyExc_TypeError, - "%.200s() takes exactly one argument (%" CYTHON_FORMAT_SSIZE_T "d given)", - f->m_ml->ml_name, size); -#endif - return NULL; - } - break; - default: - PyErr_SetString(PyExc_SystemError, "Bad call flags for CyFunction"); - return NULL; - } -#if CYTHON_COMPILING_IN_LIMITED_API - py_name = __Pyx_CyFunction_get_name((__pyx_CyFunctionObject*)func, NULL); - if (!py_name) return NULL; - PyErr_Format(PyExc_TypeError, "%.200S() takes no keyword arguments", - py_name); - Py_DECREF(py_name); -#else - PyErr_Format(PyExc_TypeError, "%.200s() takes no keyword arguments", - f->m_ml->ml_name); -#endif - return NULL; -} -static CYTHON_INLINE PyObject *__Pyx_CyFunction_Call(PyObject *func, PyObject *arg, PyObject *kw) { - PyObject *self, *result; -#if CYTHON_COMPILING_IN_LIMITED_API - self = PyCFunction_GetSelf(((__pyx_CyFunctionObject*)func)->func); - if (unlikely(!self) && PyErr_Occurred()) return NULL; -#else - self = ((PyCFunctionObject*)func)->m_self; -#endif - result = __Pyx_CyFunction_CallMethod(func, self, arg, kw); - return result; -} -static PyObject *__Pyx_CyFunction_CallAsMethod(PyObject *func, PyObject *args, PyObject *kw) { - PyObject *result; - __pyx_CyFunctionObject *cyfunc = (__pyx_CyFunctionObject *) func; -#if CYTHON_METH_FASTCALL - __pyx_vectorcallfunc vc = __Pyx_CyFunction_func_vectorcall(cyfunc); - if (vc) { -#if CYTHON_ASSUME_SAFE_MACROS - return __Pyx_PyVectorcall_FastCallDict(func, vc, &PyTuple_GET_ITEM(args, 0), (size_t)PyTuple_GET_SIZE(args), kw); -#else - (void) &__Pyx_PyVectorcall_FastCallDict; - return PyVectorcall_Call(func, args, kw); -#endif - } -#endif - if ((cyfunc->flags & __Pyx_CYFUNCTION_CCLASS) && !(cyfunc->flags & __Pyx_CYFUNCTION_STATICMETHOD)) { - Py_ssize_t argc; - PyObject *new_args; - PyObject *self; -#if CYTHON_ASSUME_SAFE_MACROS - argc = PyTuple_GET_SIZE(args); -#else - argc = PyTuple_Size(args); - if (unlikely(!argc) < 0) return NULL; -#endif - new_args = PyTuple_GetSlice(args, 1, argc); - if (unlikely(!new_args)) - return NULL; - self = PyTuple_GetItem(args, 0); - if (unlikely(!self)) { - Py_DECREF(new_args); -#if PY_MAJOR_VERSION > 2 - PyErr_Format(PyExc_TypeError, - "unbound method %.200S() needs an argument", - cyfunc->func_qualname); -#else - PyErr_SetString(PyExc_TypeError, - "unbound method needs an argument"); -#endif - return NULL; - } - result = __Pyx_CyFunction_CallMethod(func, self, new_args, kw); - Py_DECREF(new_args); - } else { - result = __Pyx_CyFunction_Call(func, args, kw); - } - return result; -} -#if CYTHON_METH_FASTCALL -static CYTHON_INLINE int __Pyx_CyFunction_Vectorcall_CheckArgs(__pyx_CyFunctionObject *cyfunc, Py_ssize_t nargs, PyObject *kwnames) -{ - int ret = 0; - if ((cyfunc->flags & __Pyx_CYFUNCTION_CCLASS) && !(cyfunc->flags & __Pyx_CYFUNCTION_STATICMETHOD)) { - if (unlikely(nargs < 1)) { - PyErr_Format(PyExc_TypeError, "%.200s() needs an argument", - ((PyCFunctionObject*)cyfunc)->m_ml->ml_name); - return -1; - } - ret = 1; - } - if (unlikely(kwnames) && unlikely(PyTuple_GET_SIZE(kwnames))) { - PyErr_Format(PyExc_TypeError, - "%.200s() takes no keyword arguments", ((PyCFunctionObject*)cyfunc)->m_ml->ml_name); - return -1; - } - return ret; -} -static PyObject * __Pyx_CyFunction_Vectorcall_NOARGS(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames) -{ - __pyx_CyFunctionObject *cyfunc = (__pyx_CyFunctionObject *)func; - PyMethodDef* def = ((PyCFunctionObject*)cyfunc)->m_ml; -#if CYTHON_BACKPORT_VECTORCALL - Py_ssize_t nargs = (Py_ssize_t)nargsf; -#else - Py_ssize_t nargs = PyVectorcall_NARGS(nargsf); -#endif - PyObject *self; - switch (__Pyx_CyFunction_Vectorcall_CheckArgs(cyfunc, nargs, kwnames)) { - case 1: - self = args[0]; - args += 1; - nargs -= 1; - break; - case 0: - self = ((PyCFunctionObject*)cyfunc)->m_self; - break; - default: - return NULL; - } - if (unlikely(nargs != 0)) { - PyErr_Format(PyExc_TypeError, - "%.200s() takes no arguments (%" CYTHON_FORMAT_SSIZE_T "d given)", - def->ml_name, nargs); - return NULL; - } - return def->ml_meth(self, NULL); -} -static PyObject * __Pyx_CyFunction_Vectorcall_O(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames) -{ - __pyx_CyFunctionObject *cyfunc = (__pyx_CyFunctionObject *)func; - PyMethodDef* def = ((PyCFunctionObject*)cyfunc)->m_ml; -#if CYTHON_BACKPORT_VECTORCALL - Py_ssize_t nargs = (Py_ssize_t)nargsf; -#else - Py_ssize_t nargs = PyVectorcall_NARGS(nargsf); -#endif - PyObject *self; - switch (__Pyx_CyFunction_Vectorcall_CheckArgs(cyfunc, nargs, kwnames)) { - case 1: - self = args[0]; - args += 1; - nargs -= 1; - break; - case 0: - self = ((PyCFunctionObject*)cyfunc)->m_self; - break; - default: - return NULL; - } - if (unlikely(nargs != 1)) { - PyErr_Format(PyExc_TypeError, - "%.200s() takes exactly one argument (%" CYTHON_FORMAT_SSIZE_T "d given)", - def->ml_name, nargs); - return NULL; - } - return def->ml_meth(self, args[0]); -} -static PyObject * __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames) -{ - __pyx_CyFunctionObject *cyfunc = (__pyx_CyFunctionObject *)func; - PyMethodDef* def = ((PyCFunctionObject*)cyfunc)->m_ml; -#if CYTHON_BACKPORT_VECTORCALL - Py_ssize_t nargs = (Py_ssize_t)nargsf; -#else - Py_ssize_t nargs = PyVectorcall_NARGS(nargsf); -#endif - PyObject *self; - switch (__Pyx_CyFunction_Vectorcall_CheckArgs(cyfunc, nargs, NULL)) { - case 1: - self = args[0]; - args += 1; - nargs -= 1; - break; - case 0: - self = ((PyCFunctionObject*)cyfunc)->m_self; - break; - default: - return NULL; - } - return ((_PyCFunctionFastWithKeywords)(void(*)(void))def->ml_meth)(self, args, nargs, kwnames); -} -static PyObject * __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS_METHOD(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames) -{ - __pyx_CyFunctionObject *cyfunc = (__pyx_CyFunctionObject *)func; - PyMethodDef* def = ((PyCFunctionObject*)cyfunc)->m_ml; - PyTypeObject *cls = (PyTypeObject *) __Pyx_CyFunction_GetClassObj(cyfunc); -#if CYTHON_BACKPORT_VECTORCALL - Py_ssize_t nargs = (Py_ssize_t)nargsf; -#else - Py_ssize_t nargs = PyVectorcall_NARGS(nargsf); -#endif - PyObject *self; - switch (__Pyx_CyFunction_Vectorcall_CheckArgs(cyfunc, nargs, NULL)) { - case 1: - self = args[0]; - args += 1; - nargs -= 1; - break; - case 0: - self = ((PyCFunctionObject*)cyfunc)->m_self; - break; - default: - return NULL; - } - return ((__Pyx_PyCMethod)(void(*)(void))def->ml_meth)(self, cls, args, (size_t)nargs, kwnames); -} -#endif -#if CYTHON_USE_TYPE_SPECS -static PyType_Slot __pyx_CyFunctionType_slots[] = { - {Py_tp_dealloc, (void *)__Pyx_CyFunction_dealloc}, - {Py_tp_repr, (void *)__Pyx_CyFunction_repr}, - {Py_tp_call, (void *)__Pyx_CyFunction_CallAsMethod}, - {Py_tp_traverse, (void *)__Pyx_CyFunction_traverse}, - {Py_tp_clear, (void *)__Pyx_CyFunction_clear}, - {Py_tp_methods, (void *)__pyx_CyFunction_methods}, - {Py_tp_members, (void *)__pyx_CyFunction_members}, - {Py_tp_getset, (void *)__pyx_CyFunction_getsets}, - {Py_tp_descr_get, (void *)__Pyx_PyMethod_New}, - {0, 0}, -}; -static PyType_Spec __pyx_CyFunctionType_spec = { - __PYX_TYPE_MODULE_PREFIX "cython_function_or_method", - sizeof(__pyx_CyFunctionObject), - 0, -#ifdef Py_TPFLAGS_METHOD_DESCRIPTOR - Py_TPFLAGS_METHOD_DESCRIPTOR | -#endif -#if (defined(_Py_TPFLAGS_HAVE_VECTORCALL) && CYTHON_METH_FASTCALL) - _Py_TPFLAGS_HAVE_VECTORCALL | -#endif - Py_TPFLAGS_DEFAULT | Py_TPFLAGS_HAVE_GC | Py_TPFLAGS_BASETYPE, - __pyx_CyFunctionType_slots -}; -#else -static PyTypeObject __pyx_CyFunctionType_type = { - PyVarObject_HEAD_INIT(0, 0) - __PYX_TYPE_MODULE_PREFIX "cython_function_or_method", - sizeof(__pyx_CyFunctionObject), - 0, - (destructor) __Pyx_CyFunction_dealloc, -#if !CYTHON_METH_FASTCALL - 0, -#elif CYTHON_BACKPORT_VECTORCALL - (printfunc)offsetof(__pyx_CyFunctionObject, func_vectorcall), -#else - offsetof(PyCFunctionObject, vectorcall), -#endif - 0, - 0, -#if PY_MAJOR_VERSION < 3 - 0, -#else - 0, -#endif - (reprfunc) __Pyx_CyFunction_repr, - 0, - 0, - 0, - 0, - __Pyx_CyFunction_CallAsMethod, - 0, - 0, - 0, - 0, -#ifdef Py_TPFLAGS_METHOD_DESCRIPTOR - Py_TPFLAGS_METHOD_DESCRIPTOR | -#endif -#if defined(_Py_TPFLAGS_HAVE_VECTORCALL) && CYTHON_METH_FASTCALL - _Py_TPFLAGS_HAVE_VECTORCALL | -#endif - Py_TPFLAGS_DEFAULT | Py_TPFLAGS_HAVE_GC | Py_TPFLAGS_BASETYPE, - 0, - (traverseproc) __Pyx_CyFunction_traverse, - (inquiry) __Pyx_CyFunction_clear, - 0, -#if PY_VERSION_HEX < 0x030500A0 - offsetof(__pyx_CyFunctionObject, func_weakreflist), -#else - offsetof(PyCFunctionObject, m_weakreflist), -#endif - 0, - 0, - __pyx_CyFunction_methods, - __pyx_CyFunction_members, - __pyx_CyFunction_getsets, - 0, - 0, - __Pyx_PyMethod_New, - 0, - offsetof(__pyx_CyFunctionObject, func_dict), - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, -#if PY_VERSION_HEX >= 0x030400a1 - 0, -#endif -#if PY_VERSION_HEX >= 0x030800b1 && (!CYTHON_COMPILING_IN_PYPY || PYPY_VERSION_NUM >= 0x07030800) - 0, -#endif -#if __PYX_NEED_TP_PRINT_SLOT - 0, -#endif -#if PY_VERSION_HEX >= 0x030C0000 - 0, -#endif -#if CYTHON_COMPILING_IN_PYPY && PY_VERSION_HEX >= 0x03090000 && PY_VERSION_HEX < 0x030a0000 - 0, -#endif -}; -#endif -static int __pyx_CyFunction_init(PyObject *module) { -#if CYTHON_USE_TYPE_SPECS - __pyx_CyFunctionType = __Pyx_FetchCommonTypeFromSpec(module, &__pyx_CyFunctionType_spec, NULL); -#else - CYTHON_UNUSED_VAR(module); - __pyx_CyFunctionType = __Pyx_FetchCommonType(&__pyx_CyFunctionType_type); -#endif - if (unlikely(__pyx_CyFunctionType == NULL)) { - return -1; - } - return 0; -} -static CYTHON_INLINE void *__Pyx_CyFunction_InitDefaults(PyObject *func, size_t size, int pyobjects) { - __pyx_CyFunctionObject *m = (__pyx_CyFunctionObject *) func; - m->defaults = PyObject_Malloc(size); - if (unlikely(!m->defaults)) - return PyErr_NoMemory(); - memset(m->defaults, 0, size); - m->defaults_pyobjects = pyobjects; - m->defaults_size = size; - return m->defaults; -} -static CYTHON_INLINE void __Pyx_CyFunction_SetDefaultsTuple(PyObject *func, PyObject *tuple) { - __pyx_CyFunctionObject *m = (__pyx_CyFunctionObject *) func; - m->defaults_tuple = tuple; - Py_INCREF(tuple); -} -static CYTHON_INLINE void __Pyx_CyFunction_SetDefaultsKwDict(PyObject *func, PyObject *dict) { - __pyx_CyFunctionObject *m = (__pyx_CyFunctionObject *) func; - m->defaults_kwdict = dict; - Py_INCREF(dict); -} -static CYTHON_INLINE void __Pyx_CyFunction_SetAnnotationsDict(PyObject *func, PyObject *dict) { - __pyx_CyFunctionObject *m = (__pyx_CyFunctionObject *) func; - m->func_annotations = dict; - Py_INCREF(dict); -} - -/* CythonFunction */ - static PyObject *__Pyx_CyFunction_New(PyMethodDef *ml, int flags, PyObject* qualname, - PyObject *closure, PyObject *module, PyObject* globals, PyObject* code) { - PyObject *op = __Pyx_CyFunction_Init( - PyObject_GC_New(__pyx_CyFunctionObject, __pyx_CyFunctionType), - ml, flags, qualname, closure, module, globals, code - ); - if (likely(op)) { - PyObject_GC_Track(op); - } - return op; -} - -/* PyDictVersioning */ - #if CYTHON_USE_DICT_VERSIONS && CYTHON_USE_TYPE_SLOTS -static CYTHON_INLINE PY_UINT64_T __Pyx_get_tp_dict_version(PyObject *obj) { - PyObject *dict = Py_TYPE(obj)->tp_dict; - return likely(dict) ? __PYX_GET_DICT_VERSION(dict) : 0; -} -static CYTHON_INLINE PY_UINT64_T __Pyx_get_object_dict_version(PyObject *obj) { - PyObject **dictptr = NULL; - Py_ssize_t offset = Py_TYPE(obj)->tp_dictoffset; - if (offset) { -#if CYTHON_COMPILING_IN_CPYTHON - dictptr = (likely(offset > 0)) ? (PyObject **) ((char *)obj + offset) : _PyObject_GetDictPtr(obj); -#else - dictptr = _PyObject_GetDictPtr(obj); -#endif - } - return (dictptr && *dictptr) ? __PYX_GET_DICT_VERSION(*dictptr) : 0; -} -static CYTHON_INLINE int __Pyx_object_dict_version_matches(PyObject* obj, PY_UINT64_T tp_dict_version, PY_UINT64_T obj_dict_version) { - PyObject *dict = Py_TYPE(obj)->tp_dict; - if (unlikely(!dict) || unlikely(tp_dict_version != __PYX_GET_DICT_VERSION(dict))) - return 0; - return obj_dict_version == __Pyx_get_object_dict_version(obj); -} -#endif - -/* CLineInTraceback */ - #ifndef CYTHON_CLINE_IN_TRACEBACK -static int __Pyx_CLineForTraceback(PyThreadState *tstate, int c_line) { - PyObject *use_cline; - PyObject *ptype, *pvalue, *ptraceback; -#if CYTHON_COMPILING_IN_CPYTHON - PyObject **cython_runtime_dict; -#endif - CYTHON_MAYBE_UNUSED_VAR(tstate); - if (unlikely(!__pyx_cython_runtime)) { - return c_line; - } - __Pyx_ErrFetchInState(tstate, &ptype, &pvalue, &ptraceback); -#if CYTHON_COMPILING_IN_CPYTHON - cython_runtime_dict = _PyObject_GetDictPtr(__pyx_cython_runtime); - if (likely(cython_runtime_dict)) { - __PYX_PY_DICT_LOOKUP_IF_MODIFIED( - use_cline, *cython_runtime_dict, - __Pyx_PyDict_GetItemStr(*cython_runtime_dict, __pyx_n_s_cline_in_traceback)) - } else -#endif - { - PyObject *use_cline_obj = __Pyx_PyObject_GetAttrStrNoError(__pyx_cython_runtime, __pyx_n_s_cline_in_traceback); - if (use_cline_obj) { - use_cline = PyObject_Not(use_cline_obj) ? Py_False : Py_True; - Py_DECREF(use_cline_obj); - } else { - PyErr_Clear(); - use_cline = NULL; - } - } - if (!use_cline) { - c_line = 0; - (void) PyObject_SetAttr(__pyx_cython_runtime, __pyx_n_s_cline_in_traceback, Py_False); - } - else if (use_cline == Py_False || (use_cline != Py_True && PyObject_Not(use_cline) != 0)) { - c_line = 0; - } - __Pyx_ErrRestoreInState(tstate, ptype, pvalue, ptraceback); - return c_line; -} -#endif - -/* CodeObjectCache */ - #if !CYTHON_COMPILING_IN_LIMITED_API -static int __pyx_bisect_code_objects(__Pyx_CodeObjectCacheEntry* entries, int count, int code_line) { - int start = 0, mid = 0, end = count - 1; - if (end >= 0 && code_line > entries[end].code_line) { - return count; - } - while (start < end) { - mid = start + (end - start) / 2; - if (code_line < entries[mid].code_line) { - end = mid; - } else if (code_line > entries[mid].code_line) { - start = mid + 1; - } else { - return mid; - } - } - if (code_line <= entries[mid].code_line) { - return mid; - } else { - return mid + 1; - } -} -static PyCodeObject *__pyx_find_code_object(int code_line) { - PyCodeObject* code_object; - int pos; - if (unlikely(!code_line) || unlikely(!__pyx_code_cache.entries)) { - return NULL; - } - pos = __pyx_bisect_code_objects(__pyx_code_cache.entries, __pyx_code_cache.count, code_line); - if (unlikely(pos >= __pyx_code_cache.count) || unlikely(__pyx_code_cache.entries[pos].code_line != code_line)) { - return NULL; - } - code_object = __pyx_code_cache.entries[pos].code_object; - Py_INCREF(code_object); - return code_object; -} -static void __pyx_insert_code_object(int code_line, PyCodeObject* code_object) { - int pos, i; - __Pyx_CodeObjectCacheEntry* entries = __pyx_code_cache.entries; - if (unlikely(!code_line)) { - return; - } - if (unlikely(!entries)) { - entries = (__Pyx_CodeObjectCacheEntry*)PyMem_Malloc(64*sizeof(__Pyx_CodeObjectCacheEntry)); - if (likely(entries)) { - __pyx_code_cache.entries = entries; - __pyx_code_cache.max_count = 64; - __pyx_code_cache.count = 1; - entries[0].code_line = code_line; - entries[0].code_object = code_object; - Py_INCREF(code_object); - } - return; - } - pos = __pyx_bisect_code_objects(__pyx_code_cache.entries, __pyx_code_cache.count, code_line); - if ((pos < __pyx_code_cache.count) && unlikely(__pyx_code_cache.entries[pos].code_line == code_line)) { - PyCodeObject* tmp = entries[pos].code_object; - entries[pos].code_object = code_object; - Py_DECREF(tmp); - return; - } - if (__pyx_code_cache.count == __pyx_code_cache.max_count) { - int new_max = __pyx_code_cache.max_count + 64; - entries = (__Pyx_CodeObjectCacheEntry*)PyMem_Realloc( - __pyx_code_cache.entries, ((size_t)new_max) * sizeof(__Pyx_CodeObjectCacheEntry)); - if (unlikely(!entries)) { - return; - } - __pyx_code_cache.entries = entries; - __pyx_code_cache.max_count = new_max; - } - for (i=__pyx_code_cache.count; i>pos; i--) { - entries[i] = entries[i-1]; - } - entries[pos].code_line = code_line; - entries[pos].code_object = code_object; - __pyx_code_cache.count++; - Py_INCREF(code_object); -} -#endif - -/* AddTraceback */ - #include "compile.h" -#include "frameobject.h" -#include "traceback.h" -#if PY_VERSION_HEX >= 0x030b00a6 && !CYTHON_COMPILING_IN_LIMITED_API - #ifndef Py_BUILD_CORE - #define Py_BUILD_CORE 1 - #endif - #include "internal/pycore_frame.h" -#endif -#if CYTHON_COMPILING_IN_LIMITED_API -static PyObject *__Pyx_PyCode_Replace_For_AddTraceback(PyObject *code, PyObject *scratch_dict, - PyObject *firstlineno, PyObject *name) { - PyObject *replace = NULL; - if (unlikely(PyDict_SetItemString(scratch_dict, "co_firstlineno", firstlineno))) return NULL; - if (unlikely(PyDict_SetItemString(scratch_dict, "co_name", name))) return NULL; - replace = PyObject_GetAttrString(code, "replace"); - if (likely(replace)) { - PyObject *result; - result = PyObject_Call(replace, __pyx_empty_tuple, scratch_dict); - Py_DECREF(replace); - return result; - } - PyErr_Clear(); - #if __PYX_LIMITED_VERSION_HEX < 0x030780000 - { - PyObject *compiled = NULL, *result = NULL; - if (unlikely(PyDict_SetItemString(scratch_dict, "code", code))) return NULL; - if (unlikely(PyDict_SetItemString(scratch_dict, "type", (PyObject*)(&PyType_Type)))) return NULL; - compiled = Py_CompileString( - "out = type(code)(\n" - " code.co_argcount, code.co_kwonlyargcount, code.co_nlocals, code.co_stacksize,\n" - " code.co_flags, code.co_code, code.co_consts, code.co_names,\n" - " code.co_varnames, code.co_filename, co_name, co_firstlineno,\n" - " code.co_lnotab)\n", "", Py_file_input); - if (!compiled) return NULL; - result = PyEval_EvalCode(compiled, scratch_dict, scratch_dict); - Py_DECREF(compiled); - if (!result) PyErr_Print(); - Py_DECREF(result); - result = PyDict_GetItemString(scratch_dict, "out"); - if (result) Py_INCREF(result); - return result; - } - #else - return NULL; - #endif -} -static void __Pyx_AddTraceback(const char *funcname, int c_line, - int py_line, const char *filename) { - PyObject *code_object = NULL, *py_py_line = NULL, *py_funcname = NULL, *dict = NULL; - PyObject *replace = NULL, *getframe = NULL, *frame = NULL; - PyObject *exc_type, *exc_value, *exc_traceback; - int success = 0; - if (c_line) { - (void) __pyx_cfilenm; - (void) __Pyx_CLineForTraceback(__Pyx_PyThreadState_Current, c_line); - } - PyErr_Fetch(&exc_type, &exc_value, &exc_traceback); - code_object = Py_CompileString("_getframe()", filename, Py_eval_input); - if (unlikely(!code_object)) goto bad; - py_py_line = PyLong_FromLong(py_line); - if (unlikely(!py_py_line)) goto bad; - py_funcname = PyUnicode_FromString(funcname); - if (unlikely(!py_funcname)) goto bad; - dict = PyDict_New(); - if (unlikely(!dict)) goto bad; - { - PyObject *old_code_object = code_object; - code_object = __Pyx_PyCode_Replace_For_AddTraceback(code_object, dict, py_py_line, py_funcname); - Py_DECREF(old_code_object); - } - if (unlikely(!code_object)) goto bad; - getframe = PySys_GetObject("_getframe"); - if (unlikely(!getframe)) goto bad; - if (unlikely(PyDict_SetItemString(dict, "_getframe", getframe))) goto bad; - frame = PyEval_EvalCode(code_object, dict, dict); - if (unlikely(!frame) || frame == Py_None) goto bad; - success = 1; - bad: - PyErr_Restore(exc_type, exc_value, exc_traceback); - Py_XDECREF(code_object); - Py_XDECREF(py_py_line); - Py_XDECREF(py_funcname); - Py_XDECREF(dict); - Py_XDECREF(replace); - if (success) { - PyTraceBack_Here( - (struct _frame*)frame); - } - Py_XDECREF(frame); -} -#else -static PyCodeObject* __Pyx_CreateCodeObjectForTraceback( - const char *funcname, int c_line, - int py_line, const char *filename) { - PyCodeObject *py_code = NULL; - PyObject *py_funcname = NULL; - #if PY_MAJOR_VERSION < 3 - PyObject *py_srcfile = NULL; - py_srcfile = PyString_FromString(filename); - if (!py_srcfile) goto bad; - #endif - if (c_line) { - #if PY_MAJOR_VERSION < 3 - py_funcname = PyString_FromFormat( "%s (%s:%d)", funcname, __pyx_cfilenm, c_line); - if (!py_funcname) goto bad; - #else - py_funcname = PyUnicode_FromFormat( "%s (%s:%d)", funcname, __pyx_cfilenm, c_line); - if (!py_funcname) goto bad; - funcname = PyUnicode_AsUTF8(py_funcname); - if (!funcname) goto bad; - #endif - } - else { - #if PY_MAJOR_VERSION < 3 - py_funcname = PyString_FromString(funcname); - if (!py_funcname) goto bad; - #endif - } - #if PY_MAJOR_VERSION < 3 - py_code = __Pyx_PyCode_New( - 0, - 0, - 0, - 0, - 0, - 0, - __pyx_empty_bytes, /*PyObject *code,*/ - __pyx_empty_tuple, /*PyObject *consts,*/ - __pyx_empty_tuple, /*PyObject *names,*/ - __pyx_empty_tuple, /*PyObject *varnames,*/ - __pyx_empty_tuple, /*PyObject *freevars,*/ - __pyx_empty_tuple, /*PyObject *cellvars,*/ - py_srcfile, /*PyObject *filename,*/ - py_funcname, /*PyObject *name,*/ - py_line, - __pyx_empty_bytes /*PyObject *lnotab*/ - ); - Py_DECREF(py_srcfile); - #else - py_code = PyCode_NewEmpty(filename, funcname, py_line); - #endif - Py_XDECREF(py_funcname); // XDECREF since it's only set on Py3 if cline - return py_code; -bad: - Py_XDECREF(py_funcname); - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(py_srcfile); - #endif - return NULL; -} -static void __Pyx_AddTraceback(const char *funcname, int c_line, - int py_line, const char *filename) { - PyCodeObject *py_code = 0; - PyFrameObject *py_frame = 0; - PyThreadState *tstate = __Pyx_PyThreadState_Current; - PyObject *ptype, *pvalue, *ptraceback; - if (c_line) { - c_line = __Pyx_CLineForTraceback(tstate, c_line); - } - py_code = __pyx_find_code_object(c_line ? -c_line : py_line); - if (!py_code) { - __Pyx_ErrFetchInState(tstate, &ptype, &pvalue, &ptraceback); - py_code = __Pyx_CreateCodeObjectForTraceback( - funcname, c_line, py_line, filename); - if (!py_code) { - /* If the code object creation fails, then we should clear the - fetched exception references and propagate the new exception */ - Py_XDECREF(ptype); - Py_XDECREF(pvalue); - Py_XDECREF(ptraceback); - goto bad; - } - __Pyx_ErrRestoreInState(tstate, ptype, pvalue, ptraceback); - __pyx_insert_code_object(c_line ? -c_line : py_line, py_code); - } - py_frame = PyFrame_New( - tstate, /*PyThreadState *tstate,*/ - py_code, /*PyCodeObject *code,*/ - __pyx_d, /*PyObject *globals,*/ - 0 /*PyObject *locals*/ - ); - if (!py_frame) goto bad; - __Pyx_PyFrame_SetLineNumber(py_frame, py_line); - PyTraceBack_Here(py_frame); -bad: - Py_XDECREF(py_code); - Py_XDECREF(py_frame); -} -#endif - -#if PY_MAJOR_VERSION < 3 -static int __Pyx_GetBuffer(PyObject *obj, Py_buffer *view, int flags) { - __Pyx_TypeName obj_type_name; - if (PyObject_CheckBuffer(obj)) return PyObject_GetBuffer(obj, view, flags); - obj_type_name = __Pyx_PyType_GetName(Py_TYPE(obj)); - PyErr_Format(PyExc_TypeError, - "'" __Pyx_FMT_TYPENAME "' does not have the buffer interface", - obj_type_name); - __Pyx_DECREF_TypeName(obj_type_name); - return -1; -} -static void __Pyx_ReleaseBuffer(Py_buffer *view) { - PyObject *obj = view->obj; - if (!obj) return; - if (PyObject_CheckBuffer(obj)) { - PyBuffer_Release(view); - return; - } - if ((0)) {} - view->obj = NULL; - Py_DECREF(obj); -} -#endif - - - /* CIntFromPyVerify */ - #define __PYX_VERIFY_RETURN_INT(target_type, func_type, func_value)\ - __PYX__VERIFY_RETURN_INT(target_type, func_type, func_value, 0) -#define __PYX_VERIFY_RETURN_INT_EXC(target_type, func_type, func_value)\ - __PYX__VERIFY_RETURN_INT(target_type, func_type, func_value, 1) -#define __PYX__VERIFY_RETURN_INT(target_type, func_type, func_value, exc)\ - {\ - func_type value = func_value;\ - if (sizeof(target_type) < sizeof(func_type)) {\ - if (unlikely(value != (func_type) (target_type) value)) {\ - func_type zero = 0;\ - if (exc && unlikely(value == (func_type)-1 && PyErr_Occurred()))\ - return (target_type) -1;\ - if (is_unsigned && unlikely(value < zero))\ - goto raise_neg_overflow;\ - else\ - goto raise_overflow;\ - }\ - }\ - return (target_type) value;\ - } - -/* Declarations */ - #if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #ifdef __cplusplus - static CYTHON_INLINE __pyx_t_float_complex __pyx_t_float_complex_from_parts(float x, float y) { - return ::std::complex< float >(x, y); - } - #else - static CYTHON_INLINE __pyx_t_float_complex __pyx_t_float_complex_from_parts(float x, float y) { - return x + y*(__pyx_t_float_complex)_Complex_I; - } - #endif -#else - static CYTHON_INLINE __pyx_t_float_complex __pyx_t_float_complex_from_parts(float x, float y) { - __pyx_t_float_complex z; - z.real = x; - z.imag = y; - return z; - } -#endif - -/* Arithmetic */ - #if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) -#else - static CYTHON_INLINE int __Pyx_c_eq_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - return (a.real == b.real) && (a.imag == b.imag); - } - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_sum_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - __pyx_t_float_complex z; - z.real = a.real + b.real; - z.imag = a.imag + b.imag; - return z; - } - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_diff_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - __pyx_t_float_complex z; - z.real = a.real - b.real; - z.imag = a.imag - b.imag; - return z; - } - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_prod_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - __pyx_t_float_complex z; - z.real = a.real * b.real - a.imag * b.imag; - z.imag = a.real * b.imag + a.imag * b.real; - return z; - } - #if 1 - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_quot_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - if (b.imag == 0) { - return __pyx_t_float_complex_from_parts(a.real / b.real, a.imag / b.real); - } else if (fabsf(b.real) >= fabsf(b.imag)) { - if (b.real == 0 && b.imag == 0) { - return __pyx_t_float_complex_from_parts(a.real / b.real, a.imag / b.imag); - } else { - float r = b.imag / b.real; - float s = (float)(1.0) / (b.real + b.imag * r); - return __pyx_t_float_complex_from_parts( - (a.real + a.imag * r) * s, (a.imag - a.real * r) * s); - } - } else { - float r = b.real / b.imag; - float s = (float)(1.0) / (b.imag + b.real * r); - return __pyx_t_float_complex_from_parts( - (a.real * r + a.imag) * s, (a.imag * r - a.real) * s); - } - } - #else - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_quot_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - if (b.imag == 0) { - return __pyx_t_float_complex_from_parts(a.real / b.real, a.imag / b.real); - } else { - float denom = b.real * b.real + b.imag * b.imag; - return __pyx_t_float_complex_from_parts( - (a.real * b.real + a.imag * b.imag) / denom, - (a.imag * b.real - a.real * b.imag) / denom); - } - } - #endif - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_neg_float(__pyx_t_float_complex a) { - __pyx_t_float_complex z; - z.real = -a.real; - z.imag = -a.imag; - return z; - } - static CYTHON_INLINE int __Pyx_c_is_zero_float(__pyx_t_float_complex a) { - return (a.real == 0) && (a.imag == 0); - } - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_conj_float(__pyx_t_float_complex a) { - __pyx_t_float_complex z; - z.real = a.real; - z.imag = -a.imag; - return z; - } - #if 1 - static CYTHON_INLINE float __Pyx_c_abs_float(__pyx_t_float_complex z) { - #if !defined(HAVE_HYPOT) || defined(_MSC_VER) - return sqrtf(z.real*z.real + z.imag*z.imag); - #else - return hypotf(z.real, z.imag); - #endif - } - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_pow_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - __pyx_t_float_complex z; - float r, lnr, theta, z_r, z_theta; - if (b.imag == 0 && b.real == (int)b.real) { - if (b.real < 0) { - float denom = a.real * a.real + a.imag * a.imag; - a.real = a.real / denom; - a.imag = -a.imag / denom; - b.real = -b.real; - } - switch ((int)b.real) { - case 0: - z.real = 1; - z.imag = 0; - return z; - case 1: - return a; - case 2: - return __Pyx_c_prod_float(a, a); - case 3: - z = __Pyx_c_prod_float(a, a); - return __Pyx_c_prod_float(z, a); - case 4: - z = __Pyx_c_prod_float(a, a); - return __Pyx_c_prod_float(z, z); - } - } - if (a.imag == 0) { - if (a.real == 0) { - return a; - } else if ((b.imag == 0) && (a.real >= 0)) { - z.real = powf(a.real, b.real); - z.imag = 0; - return z; - } else if (a.real > 0) { - r = a.real; - theta = 0; - } else { - r = -a.real; - theta = atan2f(0.0, -1.0); - } - } else { - r = __Pyx_c_abs_float(a); - theta = atan2f(a.imag, a.real); - } - lnr = logf(r); - z_r = expf(lnr * b.real - theta * b.imag); - z_theta = theta * b.real + lnr * b.imag; - z.real = z_r * cosf(z_theta); - z.imag = z_r * sinf(z_theta); - return z; - } - #endif -#endif - -/* Declarations */ - #if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #ifdef __cplusplus - static CYTHON_INLINE __pyx_t_double_complex __pyx_t_double_complex_from_parts(double x, double y) { - return ::std::complex< double >(x, y); - } - #else - static CYTHON_INLINE __pyx_t_double_complex __pyx_t_double_complex_from_parts(double x, double y) { - return x + y*(__pyx_t_double_complex)_Complex_I; - } - #endif -#else - static CYTHON_INLINE __pyx_t_double_complex __pyx_t_double_complex_from_parts(double x, double y) { - __pyx_t_double_complex z; - z.real = x; - z.imag = y; - return z; - } -#endif - -/* Arithmetic */ - #if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) -#else - static CYTHON_INLINE int __Pyx_c_eq_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - return (a.real == b.real) && (a.imag == b.imag); - } - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_sum_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - __pyx_t_double_complex z; - z.real = a.real + b.real; - z.imag = a.imag + b.imag; - return z; - } - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_diff_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - __pyx_t_double_complex z; - z.real = a.real - b.real; - z.imag = a.imag - b.imag; - return z; - } - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_prod_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - __pyx_t_double_complex z; - z.real = a.real * b.real - a.imag * b.imag; - z.imag = a.real * b.imag + a.imag * b.real; - return z; - } - #if 1 - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_quot_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - if (b.imag == 0) { - return __pyx_t_double_complex_from_parts(a.real / b.real, a.imag / b.real); - } else if (fabs(b.real) >= fabs(b.imag)) { - if (b.real == 0 && b.imag == 0) { - return __pyx_t_double_complex_from_parts(a.real / b.real, a.imag / b.imag); - } else { - double r = b.imag / b.real; - double s = (double)(1.0) / (b.real + b.imag * r); - return __pyx_t_double_complex_from_parts( - (a.real + a.imag * r) * s, (a.imag - a.real * r) * s); - } - } else { - double r = b.real / b.imag; - double s = (double)(1.0) / (b.imag + b.real * r); - return __pyx_t_double_complex_from_parts( - (a.real * r + a.imag) * s, (a.imag * r - a.real) * s); - } - } - #else - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_quot_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - if (b.imag == 0) { - return __pyx_t_double_complex_from_parts(a.real / b.real, a.imag / b.real); - } else { - double denom = b.real * b.real + b.imag * b.imag; - return __pyx_t_double_complex_from_parts( - (a.real * b.real + a.imag * b.imag) / denom, - (a.imag * b.real - a.real * b.imag) / denom); - } - } - #endif - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_neg_double(__pyx_t_double_complex a) { - __pyx_t_double_complex z; - z.real = -a.real; - z.imag = -a.imag; - return z; - } - static CYTHON_INLINE int __Pyx_c_is_zero_double(__pyx_t_double_complex a) { - return (a.real == 0) && (a.imag == 0); - } - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_conj_double(__pyx_t_double_complex a) { - __pyx_t_double_complex z; - z.real = a.real; - z.imag = -a.imag; - return z; - } - #if 1 - static CYTHON_INLINE double __Pyx_c_abs_double(__pyx_t_double_complex z) { - #if !defined(HAVE_HYPOT) || defined(_MSC_VER) - return sqrt(z.real*z.real + z.imag*z.imag); - #else - return hypot(z.real, z.imag); - #endif - } - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_pow_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - __pyx_t_double_complex z; - double r, lnr, theta, z_r, z_theta; - if (b.imag == 0 && b.real == (int)b.real) { - if (b.real < 0) { - double denom = a.real * a.real + a.imag * a.imag; - a.real = a.real / denom; - a.imag = -a.imag / denom; - b.real = -b.real; - } - switch ((int)b.real) { - case 0: - z.real = 1; - z.imag = 0; - return z; - case 1: - return a; - case 2: - return __Pyx_c_prod_double(a, a); - case 3: - z = __Pyx_c_prod_double(a, a); - return __Pyx_c_prod_double(z, a); - case 4: - z = __Pyx_c_prod_double(a, a); - return __Pyx_c_prod_double(z, z); - } - } - if (a.imag == 0) { - if (a.real == 0) { - return a; - } else if ((b.imag == 0) && (a.real >= 0)) { - z.real = pow(a.real, b.real); - z.imag = 0; - return z; - } else if (a.real > 0) { - r = a.real; - theta = 0; - } else { - r = -a.real; - theta = atan2(0.0, -1.0); - } - } else { - r = __Pyx_c_abs_double(a); - theta = atan2(a.imag, a.real); - } - lnr = log(r); - z_r = exp(lnr * b.real - theta * b.imag); - z_theta = theta * b.real + lnr * b.imag; - z.real = z_r * cos(z_theta); - z.imag = z_r * sin(z_theta); - return z; - } - #endif -#endif - -/* CIntToPy */ - static CYTHON_INLINE PyObject* __Pyx_PyInt_From_int(int value) { -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic push -#pragma GCC diagnostic ignored "-Wconversion" -#endif - const int neg_one = (int) -1, const_zero = (int) 0; -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic pop -#endif - const int is_unsigned = neg_one > const_zero; - if (is_unsigned) { - if (sizeof(int) < sizeof(long)) { - return PyInt_FromLong((long) value); - } else if (sizeof(int) <= sizeof(unsigned long)) { - return PyLong_FromUnsignedLong((unsigned long) value); -#ifdef HAVE_LONG_LONG - } else if (sizeof(int) <= sizeof(unsigned PY_LONG_LONG)) { - return PyLong_FromUnsignedLongLong((unsigned PY_LONG_LONG) value); -#endif - } - } else { - if (sizeof(int) <= sizeof(long)) { - return PyInt_FromLong((long) value); -#ifdef HAVE_LONG_LONG - } else if (sizeof(int) <= sizeof(PY_LONG_LONG)) { - return PyLong_FromLongLong((PY_LONG_LONG) value); -#endif - } - } - { - int one = 1; int little = (int)*(unsigned char *)&one; - unsigned char *bytes = (unsigned char *)&value; -#if !CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030d0000 - return _PyLong_FromByteArray(bytes, sizeof(int), - little, !is_unsigned); -#else - PyObject *from_bytes, *result = NULL; - PyObject *py_bytes = NULL, *arg_tuple = NULL, *kwds = NULL, *order_str = NULL; - from_bytes = PyObject_GetAttrString((PyObject*)&PyLong_Type, "from_bytes"); - if (!from_bytes) return NULL; - py_bytes = PyBytes_FromStringAndSize((char*)bytes, sizeof(int)); - if (!py_bytes) goto limited_bad; - order_str = PyUnicode_FromString(little ? "little" : "big"); - if (!order_str) goto limited_bad; - arg_tuple = PyTuple_Pack(2, py_bytes, order_str); - if (!arg_tuple) goto limited_bad; - if (!is_unsigned) { - kwds = PyDict_New(); - if (!kwds) goto limited_bad; - if (PyDict_SetItemString(kwds, "signed", __Pyx_NewRef(Py_True))) goto limited_bad; - } - result = PyObject_Call(from_bytes, arg_tuple, kwds); - limited_bad: - Py_XDECREF(kwds); - Py_XDECREF(arg_tuple); - Py_XDECREF(order_str); - Py_XDECREF(py_bytes); - Py_XDECREF(from_bytes); - return result; -#endif - } -} - -/* CIntFromPy */ - static CYTHON_INLINE int __Pyx_PyInt_As_int(PyObject *x) { -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic push -#pragma GCC diagnostic ignored "-Wconversion" -#endif - const int neg_one = (int) -1, const_zero = (int) 0; -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic pop -#endif - const int is_unsigned = neg_one > const_zero; -#if PY_MAJOR_VERSION < 3 - if (likely(PyInt_Check(x))) { - if ((sizeof(int) < sizeof(long))) { - __PYX_VERIFY_RETURN_INT(int, long, PyInt_AS_LONG(x)) - } else { - long val = PyInt_AS_LONG(x); - if (is_unsigned && unlikely(val < 0)) { - goto raise_neg_overflow; - } - return (int) val; - } - } else -#endif - if (likely(PyLong_Check(x))) { - if (is_unsigned) { -#if CYTHON_USE_PYLONG_INTERNALS - if (unlikely(__Pyx_PyLong_IsNeg(x))) { - goto raise_neg_overflow; - } else if (__Pyx_PyLong_IsCompact(x)) { - __PYX_VERIFY_RETURN_INT(int, __Pyx_compact_upylong, __Pyx_PyLong_CompactValueUnsigned(x)) - } else { - const digit* digits = __Pyx_PyLong_Digits(x); - assert(__Pyx_PyLong_DigitCount(x) > 1); - switch (__Pyx_PyLong_DigitCount(x)) { - case 2: - if ((8 * sizeof(int) > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) >= 2 * PyLong_SHIFT)) { - return (int) (((((int)digits[1]) << PyLong_SHIFT) | (int)digits[0])); - } - } - break; - case 3: - if ((8 * sizeof(int) > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) >= 3 * PyLong_SHIFT)) { - return (int) (((((((int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0])); - } - } - break; - case 4: - if ((8 * sizeof(int) > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) >= 4 * PyLong_SHIFT)) { - return (int) (((((((((int)digits[3]) << PyLong_SHIFT) | (int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0])); - } - } - break; - } - } -#endif -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX < 0x030C00A7 - if (unlikely(Py_SIZE(x) < 0)) { - goto raise_neg_overflow; - } -#else - { - int result = PyObject_RichCompareBool(x, Py_False, Py_LT); - if (unlikely(result < 0)) - return (int) -1; - if (unlikely(result == 1)) - goto raise_neg_overflow; - } -#endif - if ((sizeof(int) <= sizeof(unsigned long))) { - __PYX_VERIFY_RETURN_INT_EXC(int, unsigned long, PyLong_AsUnsignedLong(x)) -#ifdef HAVE_LONG_LONG - } else if ((sizeof(int) <= sizeof(unsigned PY_LONG_LONG))) { - __PYX_VERIFY_RETURN_INT_EXC(int, unsigned PY_LONG_LONG, PyLong_AsUnsignedLongLong(x)) -#endif - } - } else { -#if CYTHON_USE_PYLONG_INTERNALS - if (__Pyx_PyLong_IsCompact(x)) { - __PYX_VERIFY_RETURN_INT(int, __Pyx_compact_pylong, __Pyx_PyLong_CompactValue(x)) - } else { - const digit* digits = __Pyx_PyLong_Digits(x); - assert(__Pyx_PyLong_DigitCount(x) > 1); - switch (__Pyx_PyLong_SignedDigitCount(x)) { - case -2: - if ((8 * sizeof(int) - 1 > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, long, -(long) (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 2 * PyLong_SHIFT)) { - return (int) (((int)-1)*(((((int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - case 2: - if ((8 * sizeof(int) > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 2 * PyLong_SHIFT)) { - return (int) ((((((int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - case -3: - if ((8 * sizeof(int) - 1 > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, long, -(long) (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 3 * PyLong_SHIFT)) { - return (int) (((int)-1)*(((((((int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - case 3: - if ((8 * sizeof(int) > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 3 * PyLong_SHIFT)) { - return (int) ((((((((int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - case -4: - if ((8 * sizeof(int) - 1 > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, long, -(long) (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 4 * PyLong_SHIFT)) { - return (int) (((int)-1)*(((((((((int)digits[3]) << PyLong_SHIFT) | (int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - case 4: - if ((8 * sizeof(int) > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 4 * PyLong_SHIFT)) { - return (int) ((((((((((int)digits[3]) << PyLong_SHIFT) | (int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - } - } -#endif - if ((sizeof(int) <= sizeof(long))) { - __PYX_VERIFY_RETURN_INT_EXC(int, long, PyLong_AsLong(x)) -#ifdef HAVE_LONG_LONG - } else if ((sizeof(int) <= sizeof(PY_LONG_LONG))) { - __PYX_VERIFY_RETURN_INT_EXC(int, PY_LONG_LONG, PyLong_AsLongLong(x)) -#endif - } - } - { - int val; - PyObject *v = __Pyx_PyNumber_IntOrLong(x); -#if PY_MAJOR_VERSION < 3 - if (likely(v) && !PyLong_Check(v)) { - PyObject *tmp = v; - v = PyNumber_Long(tmp); - Py_DECREF(tmp); - } -#endif - if (likely(v)) { - int ret = -1; -#if PY_VERSION_HEX < 0x030d0000 && !(CYTHON_COMPILING_IN_PYPY || CYTHON_COMPILING_IN_LIMITED_API) || defined(_PyLong_AsByteArray) - int one = 1; int is_little = (int)*(unsigned char *)&one; - unsigned char *bytes = (unsigned char *)&val; - ret = _PyLong_AsByteArray((PyLongObject *)v, - bytes, sizeof(val), - is_little, !is_unsigned); -#else - PyObject *stepval = NULL, *mask = NULL, *shift = NULL; - int bits, remaining_bits, is_negative = 0; - long idigit; - int chunk_size = (sizeof(long) < 8) ? 30 : 62; - if (unlikely(!PyLong_CheckExact(v))) { - PyObject *tmp = v; - v = PyNumber_Long(v); - assert(PyLong_CheckExact(v)); - Py_DECREF(tmp); - if (unlikely(!v)) return (int) -1; - } -#if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - if (Py_SIZE(x) == 0) - return (int) 0; - is_negative = Py_SIZE(x) < 0; -#else - { - int result = PyObject_RichCompareBool(x, Py_False, Py_LT); - if (unlikely(result < 0)) - return (int) -1; - is_negative = result == 1; - } -#endif - if (is_unsigned && unlikely(is_negative)) { - goto raise_neg_overflow; - } else if (is_negative) { - stepval = PyNumber_Invert(v); - if (unlikely(!stepval)) - return (int) -1; - } else { - stepval = __Pyx_NewRef(v); - } - val = (int) 0; - mask = PyLong_FromLong((1L << chunk_size) - 1); if (unlikely(!mask)) goto done; - shift = PyLong_FromLong(chunk_size); if (unlikely(!shift)) goto done; - for (bits = 0; bits < (int) sizeof(int) * 8 - chunk_size; bits += chunk_size) { - PyObject *tmp, *digit; - digit = PyNumber_And(stepval, mask); - if (unlikely(!digit)) goto done; - idigit = PyLong_AsLong(digit); - Py_DECREF(digit); - if (unlikely(idigit < 0)) goto done; - tmp = PyNumber_Rshift(stepval, shift); - if (unlikely(!tmp)) goto done; - Py_DECREF(stepval); stepval = tmp; - val |= ((int) idigit) << bits; - #if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - if (Py_SIZE(stepval) == 0) - goto unpacking_done; - #endif - } - idigit = PyLong_AsLong(stepval); - if (unlikely(idigit < 0)) goto done; - remaining_bits = ((int) sizeof(int) * 8) - bits - (is_unsigned ? 0 : 1); - if (unlikely(idigit >= (1L << remaining_bits))) - goto raise_overflow; - val |= ((int) idigit) << bits; - #if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - unpacking_done: - #endif - if (!is_unsigned) { - if (unlikely(val & (((int) 1) << (sizeof(int) * 8 - 1)))) - goto raise_overflow; - if (is_negative) - val = ~val; - } - ret = 0; - done: - Py_XDECREF(shift); - Py_XDECREF(mask); - Py_XDECREF(stepval); -#endif - Py_DECREF(v); - if (likely(!ret)) - return val; - } - return (int) -1; - } - } else { - int val; - PyObject *tmp = __Pyx_PyNumber_IntOrLong(x); - if (!tmp) return (int) -1; - val = __Pyx_PyInt_As_int(tmp); - Py_DECREF(tmp); - return val; - } -raise_overflow: - PyErr_SetString(PyExc_OverflowError, - "value too large to convert to int"); - return (int) -1; -raise_neg_overflow: - PyErr_SetString(PyExc_OverflowError, - "can't convert negative value to int"); - return (int) -1; -} - -/* FormatTypeName */ - #if CYTHON_COMPILING_IN_LIMITED_API -static __Pyx_TypeName -__Pyx_PyType_GetName(PyTypeObject* tp) -{ - PyObject *name = __Pyx_PyObject_GetAttrStr((PyObject *)tp, - __pyx_n_s_name); - if (unlikely(name == NULL) || unlikely(!PyUnicode_Check(name))) { - PyErr_Clear(); - Py_XDECREF(name); - name = __Pyx_NewRef(__pyx_n_s__6); - } - return name; -} -#endif - -/* CIntToPy */ - static CYTHON_INLINE PyObject* __Pyx_PyInt_From_long(long value) { -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic push -#pragma GCC diagnostic ignored "-Wconversion" -#endif - const long neg_one = (long) -1, const_zero = (long) 0; -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic pop -#endif - const int is_unsigned = neg_one > const_zero; - if (is_unsigned) { - if (sizeof(long) < sizeof(long)) { - return PyInt_FromLong((long) value); - } else if (sizeof(long) <= sizeof(unsigned long)) { - return PyLong_FromUnsignedLong((unsigned long) value); -#ifdef HAVE_LONG_LONG - } else if (sizeof(long) <= sizeof(unsigned PY_LONG_LONG)) { - return PyLong_FromUnsignedLongLong((unsigned PY_LONG_LONG) value); -#endif - } - } else { - if (sizeof(long) <= sizeof(long)) { - return PyInt_FromLong((long) value); -#ifdef HAVE_LONG_LONG - } else if (sizeof(long) <= sizeof(PY_LONG_LONG)) { - return PyLong_FromLongLong((PY_LONG_LONG) value); -#endif - } - } - { - int one = 1; int little = (int)*(unsigned char *)&one; - unsigned char *bytes = (unsigned char *)&value; -#if !CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030d0000 - return _PyLong_FromByteArray(bytes, sizeof(long), - little, !is_unsigned); -#else - PyObject *from_bytes, *result = NULL; - PyObject *py_bytes = NULL, *arg_tuple = NULL, *kwds = NULL, *order_str = NULL; - from_bytes = PyObject_GetAttrString((PyObject*)&PyLong_Type, "from_bytes"); - if (!from_bytes) return NULL; - py_bytes = PyBytes_FromStringAndSize((char*)bytes, sizeof(long)); - if (!py_bytes) goto limited_bad; - order_str = PyUnicode_FromString(little ? "little" : "big"); - if (!order_str) goto limited_bad; - arg_tuple = PyTuple_Pack(2, py_bytes, order_str); - if (!arg_tuple) goto limited_bad; - if (!is_unsigned) { - kwds = PyDict_New(); - if (!kwds) goto limited_bad; - if (PyDict_SetItemString(kwds, "signed", __Pyx_NewRef(Py_True))) goto limited_bad; - } - result = PyObject_Call(from_bytes, arg_tuple, kwds); - limited_bad: - Py_XDECREF(kwds); - Py_XDECREF(arg_tuple); - Py_XDECREF(order_str); - Py_XDECREF(py_bytes); - Py_XDECREF(from_bytes); - return result; -#endif - } -} - -/* CIntFromPy */ - static CYTHON_INLINE long __Pyx_PyInt_As_long(PyObject *x) { -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic push -#pragma GCC diagnostic ignored "-Wconversion" -#endif - const long neg_one = (long) -1, const_zero = (long) 0; -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic pop -#endif - const int is_unsigned = neg_one > const_zero; -#if PY_MAJOR_VERSION < 3 - if (likely(PyInt_Check(x))) { - if ((sizeof(long) < sizeof(long))) { - __PYX_VERIFY_RETURN_INT(long, long, PyInt_AS_LONG(x)) - } else { - long val = PyInt_AS_LONG(x); - if (is_unsigned && unlikely(val < 0)) { - goto raise_neg_overflow; - } - return (long) val; - } - } else -#endif - if (likely(PyLong_Check(x))) { - if (is_unsigned) { -#if CYTHON_USE_PYLONG_INTERNALS - if (unlikely(__Pyx_PyLong_IsNeg(x))) { - goto raise_neg_overflow; - } else if (__Pyx_PyLong_IsCompact(x)) { - __PYX_VERIFY_RETURN_INT(long, __Pyx_compact_upylong, __Pyx_PyLong_CompactValueUnsigned(x)) - } else { - const digit* digits = __Pyx_PyLong_Digits(x); - assert(__Pyx_PyLong_DigitCount(x) > 1); - switch (__Pyx_PyLong_DigitCount(x)) { - case 2: - if ((8 * sizeof(long) > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) >= 2 * PyLong_SHIFT)) { - return (long) (((((long)digits[1]) << PyLong_SHIFT) | (long)digits[0])); - } - } - break; - case 3: - if ((8 * sizeof(long) > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) >= 3 * PyLong_SHIFT)) { - return (long) (((((((long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0])); - } - } - break; - case 4: - if ((8 * sizeof(long) > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) >= 4 * PyLong_SHIFT)) { - return (long) (((((((((long)digits[3]) << PyLong_SHIFT) | (long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0])); - } - } - break; - } - } -#endif -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX < 0x030C00A7 - if (unlikely(Py_SIZE(x) < 0)) { - goto raise_neg_overflow; - } -#else - { - int result = PyObject_RichCompareBool(x, Py_False, Py_LT); - if (unlikely(result < 0)) - return (long) -1; - if (unlikely(result == 1)) - goto raise_neg_overflow; - } -#endif - if ((sizeof(long) <= sizeof(unsigned long))) { - __PYX_VERIFY_RETURN_INT_EXC(long, unsigned long, PyLong_AsUnsignedLong(x)) -#ifdef HAVE_LONG_LONG - } else if ((sizeof(long) <= sizeof(unsigned PY_LONG_LONG))) { - __PYX_VERIFY_RETURN_INT_EXC(long, unsigned PY_LONG_LONG, PyLong_AsUnsignedLongLong(x)) -#endif - } - } else { -#if CYTHON_USE_PYLONG_INTERNALS - if (__Pyx_PyLong_IsCompact(x)) { - __PYX_VERIFY_RETURN_INT(long, __Pyx_compact_pylong, __Pyx_PyLong_CompactValue(x)) - } else { - const digit* digits = __Pyx_PyLong_Digits(x); - assert(__Pyx_PyLong_DigitCount(x) > 1); - switch (__Pyx_PyLong_SignedDigitCount(x)) { - case -2: - if ((8 * sizeof(long) - 1 > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, long, -(long) (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 2 * PyLong_SHIFT)) { - return (long) (((long)-1)*(((((long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - case 2: - if ((8 * sizeof(long) > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 2 * PyLong_SHIFT)) { - return (long) ((((((long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - case -3: - if ((8 * sizeof(long) - 1 > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, long, -(long) (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 3 * PyLong_SHIFT)) { - return (long) (((long)-1)*(((((((long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - case 3: - if ((8 * sizeof(long) > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 3 * PyLong_SHIFT)) { - return (long) ((((((((long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - case -4: - if ((8 * sizeof(long) - 1 > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, long, -(long) (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 4 * PyLong_SHIFT)) { - return (long) (((long)-1)*(((((((((long)digits[3]) << PyLong_SHIFT) | (long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - case 4: - if ((8 * sizeof(long) > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 4 * PyLong_SHIFT)) { - return (long) ((((((((((long)digits[3]) << PyLong_SHIFT) | (long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - } - } -#endif - if ((sizeof(long) <= sizeof(long))) { - __PYX_VERIFY_RETURN_INT_EXC(long, long, PyLong_AsLong(x)) -#ifdef HAVE_LONG_LONG - } else if ((sizeof(long) <= sizeof(PY_LONG_LONG))) { - __PYX_VERIFY_RETURN_INT_EXC(long, PY_LONG_LONG, PyLong_AsLongLong(x)) -#endif - } - } - { - long val; - PyObject *v = __Pyx_PyNumber_IntOrLong(x); -#if PY_MAJOR_VERSION < 3 - if (likely(v) && !PyLong_Check(v)) { - PyObject *tmp = v; - v = PyNumber_Long(tmp); - Py_DECREF(tmp); - } -#endif - if (likely(v)) { - int ret = -1; -#if PY_VERSION_HEX < 0x030d0000 && !(CYTHON_COMPILING_IN_PYPY || CYTHON_COMPILING_IN_LIMITED_API) || defined(_PyLong_AsByteArray) - int one = 1; int is_little = (int)*(unsigned char *)&one; - unsigned char *bytes = (unsigned char *)&val; - ret = _PyLong_AsByteArray((PyLongObject *)v, - bytes, sizeof(val), - is_little, !is_unsigned); -#else - PyObject *stepval = NULL, *mask = NULL, *shift = NULL; - int bits, remaining_bits, is_negative = 0; - long idigit; - int chunk_size = (sizeof(long) < 8) ? 30 : 62; - if (unlikely(!PyLong_CheckExact(v))) { - PyObject *tmp = v; - v = PyNumber_Long(v); - assert(PyLong_CheckExact(v)); - Py_DECREF(tmp); - if (unlikely(!v)) return (long) -1; - } -#if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - if (Py_SIZE(x) == 0) - return (long) 0; - is_negative = Py_SIZE(x) < 0; -#else - { - int result = PyObject_RichCompareBool(x, Py_False, Py_LT); - if (unlikely(result < 0)) - return (long) -1; - is_negative = result == 1; - } -#endif - if (is_unsigned && unlikely(is_negative)) { - goto raise_neg_overflow; - } else if (is_negative) { - stepval = PyNumber_Invert(v); - if (unlikely(!stepval)) - return (long) -1; - } else { - stepval = __Pyx_NewRef(v); - } - val = (long) 0; - mask = PyLong_FromLong((1L << chunk_size) - 1); if (unlikely(!mask)) goto done; - shift = PyLong_FromLong(chunk_size); if (unlikely(!shift)) goto done; - for (bits = 0; bits < (int) sizeof(long) * 8 - chunk_size; bits += chunk_size) { - PyObject *tmp, *digit; - digit = PyNumber_And(stepval, mask); - if (unlikely(!digit)) goto done; - idigit = PyLong_AsLong(digit); - Py_DECREF(digit); - if (unlikely(idigit < 0)) goto done; - tmp = PyNumber_Rshift(stepval, shift); - if (unlikely(!tmp)) goto done; - Py_DECREF(stepval); stepval = tmp; - val |= ((long) idigit) << bits; - #if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - if (Py_SIZE(stepval) == 0) - goto unpacking_done; - #endif - } - idigit = PyLong_AsLong(stepval); - if (unlikely(idigit < 0)) goto done; - remaining_bits = ((int) sizeof(long) * 8) - bits - (is_unsigned ? 0 : 1); - if (unlikely(idigit >= (1L << remaining_bits))) - goto raise_overflow; - val |= ((long) idigit) << bits; - #if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - unpacking_done: - #endif - if (!is_unsigned) { - if (unlikely(val & (((long) 1) << (sizeof(long) * 8 - 1)))) - goto raise_overflow; - if (is_negative) - val = ~val; - } - ret = 0; - done: - Py_XDECREF(shift); - Py_XDECREF(mask); - Py_XDECREF(stepval); -#endif - Py_DECREF(v); - if (likely(!ret)) - return val; - } - return (long) -1; - } - } else { - long val; - PyObject *tmp = __Pyx_PyNumber_IntOrLong(x); - if (!tmp) return (long) -1; - val = __Pyx_PyInt_As_long(tmp); - Py_DECREF(tmp); - return val; - } -raise_overflow: - PyErr_SetString(PyExc_OverflowError, - "value too large to convert to long"); - return (long) -1; -raise_neg_overflow: - PyErr_SetString(PyExc_OverflowError, - "can't convert negative value to long"); - return (long) -1; -} - -/* FastTypeChecks */ - #if CYTHON_COMPILING_IN_CPYTHON -static int __Pyx_InBases(PyTypeObject *a, PyTypeObject *b) { - while (a) { - a = __Pyx_PyType_GetSlot(a, tp_base, PyTypeObject*); - if (a == b) - return 1; - } - return b == &PyBaseObject_Type; -} -static CYTHON_INLINE int __Pyx_IsSubtype(PyTypeObject *a, PyTypeObject *b) { - PyObject *mro; - if (a == b) return 1; - mro = a->tp_mro; - if (likely(mro)) { - Py_ssize_t i, n; - n = PyTuple_GET_SIZE(mro); - for (i = 0; i < n; i++) { - if (PyTuple_GET_ITEM(mro, i) == (PyObject *)b) - return 1; - } - return 0; - } - return __Pyx_InBases(a, b); -} -static CYTHON_INLINE int __Pyx_IsAnySubtype2(PyTypeObject *cls, PyTypeObject *a, PyTypeObject *b) { - PyObject *mro; - if (cls == a || cls == b) return 1; - mro = cls->tp_mro; - if (likely(mro)) { - Py_ssize_t i, n; - n = PyTuple_GET_SIZE(mro); - for (i = 0; i < n; i++) { - PyObject *base = PyTuple_GET_ITEM(mro, i); - if (base == (PyObject *)a || base == (PyObject *)b) - return 1; - } - return 0; - } - return __Pyx_InBases(cls, a) || __Pyx_InBases(cls, b); -} -#if PY_MAJOR_VERSION == 2 -static int __Pyx_inner_PyErr_GivenExceptionMatches2(PyObject *err, PyObject* exc_type1, PyObject* exc_type2) { - PyObject *exception, *value, *tb; - int res; - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - __Pyx_ErrFetch(&exception, &value, &tb); - res = exc_type1 ? PyObject_IsSubclass(err, exc_type1) : 0; - if (unlikely(res == -1)) { - PyErr_WriteUnraisable(err); - res = 0; - } - if (!res) { - res = PyObject_IsSubclass(err, exc_type2); - if (unlikely(res == -1)) { - PyErr_WriteUnraisable(err); - res = 0; - } - } - __Pyx_ErrRestore(exception, value, tb); - return res; -} -#else -static CYTHON_INLINE int __Pyx_inner_PyErr_GivenExceptionMatches2(PyObject *err, PyObject* exc_type1, PyObject *exc_type2) { - if (exc_type1) { - return __Pyx_IsAnySubtype2((PyTypeObject*)err, (PyTypeObject*)exc_type1, (PyTypeObject*)exc_type2); - } else { - return __Pyx_IsSubtype((PyTypeObject*)err, (PyTypeObject*)exc_type2); - } -} -#endif -static int __Pyx_PyErr_GivenExceptionMatchesTuple(PyObject *exc_type, PyObject *tuple) { - Py_ssize_t i, n; - assert(PyExceptionClass_Check(exc_type)); - n = PyTuple_GET_SIZE(tuple); -#if PY_MAJOR_VERSION >= 3 - for (i=0; i= 0x030B00A4 - return Py_Version & ~0xFFUL; -#else - const char* rt_version = Py_GetVersion(); - unsigned long version = 0; - unsigned long factor = 0x01000000UL; - unsigned int digit = 0; - int i = 0; - while (factor) { - while ('0' <= rt_version[i] && rt_version[i] <= '9') { - digit = digit * 10 + (unsigned int) (rt_version[i] - '0'); - ++i; - } - version += factor * digit; - if (rt_version[i] != '.') - break; - digit = 0; - factor >>= 8; - ++i; - } - return version; -#endif -} -static int __Pyx_check_binary_version(unsigned long ct_version, unsigned long rt_version, int allow_newer) { - const unsigned long MAJOR_MINOR = 0xFFFF0000UL; - if ((rt_version & MAJOR_MINOR) == (ct_version & MAJOR_MINOR)) - return 0; - if (likely(allow_newer && (rt_version & MAJOR_MINOR) > (ct_version & MAJOR_MINOR))) - return 1; - { - char message[200]; - PyOS_snprintf(message, sizeof(message), - "compile time Python version %d.%d " - "of module '%.100s' " - "%s " - "runtime version %d.%d", - (int) (ct_version >> 24), (int) ((ct_version >> 16) & 0xFF), - __Pyx_MODULE_NAME, - (allow_newer) ? "was newer than" : "does not match", - (int) (rt_version >> 24), (int) ((rt_version >> 16) & 0xFF) - ); - return PyErr_WarnEx(NULL, message, 1); - } -} - -/* InitStrings */ - #if PY_MAJOR_VERSION >= 3 -static int __Pyx_InitString(__Pyx_StringTabEntry t, PyObject **str) { - if (t.is_unicode | t.is_str) { - if (t.intern) { - *str = PyUnicode_InternFromString(t.s); - } else if (t.encoding) { - *str = PyUnicode_Decode(t.s, t.n - 1, t.encoding, NULL); - } else { - *str = PyUnicode_FromStringAndSize(t.s, t.n - 1); - } - } else { - *str = PyBytes_FromStringAndSize(t.s, t.n - 1); - } - if (!*str) - return -1; - if (PyObject_Hash(*str) == -1) - return -1; - return 0; -} -#endif -static int __Pyx_InitStrings(__Pyx_StringTabEntry *t) { - while (t->p) { - #if PY_MAJOR_VERSION >= 3 - __Pyx_InitString(*t, t->p); - #else - if (t->is_unicode) { - *t->p = PyUnicode_DecodeUTF8(t->s, t->n - 1, NULL); - } else if (t->intern) { - *t->p = PyString_InternFromString(t->s); - } else { - *t->p = PyString_FromStringAndSize(t->s, t->n - 1); - } - if (!*t->p) - return -1; - if (PyObject_Hash(*t->p) == -1) - return -1; - #endif - ++t; - } - return 0; -} - -#include -static CYTHON_INLINE Py_ssize_t __Pyx_ssize_strlen(const char *s) { - size_t len = strlen(s); - if (unlikely(len > (size_t) PY_SSIZE_T_MAX)) { - PyErr_SetString(PyExc_OverflowError, "byte string is too long"); - return -1; - } - return (Py_ssize_t) len; -} -static CYTHON_INLINE PyObject* __Pyx_PyUnicode_FromString(const char* c_str) { - Py_ssize_t len = __Pyx_ssize_strlen(c_str); - if (unlikely(len < 0)) return NULL; - return __Pyx_PyUnicode_FromStringAndSize(c_str, len); -} -static CYTHON_INLINE PyObject* __Pyx_PyByteArray_FromString(const char* c_str) { - Py_ssize_t len = __Pyx_ssize_strlen(c_str); - if (unlikely(len < 0)) return NULL; - return PyByteArray_FromStringAndSize(c_str, len); -} -static CYTHON_INLINE const char* __Pyx_PyObject_AsString(PyObject* o) { - Py_ssize_t ignore; - return __Pyx_PyObject_AsStringAndSize(o, &ignore); -} -#if __PYX_DEFAULT_STRING_ENCODING_IS_ASCII || __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT -#if !CYTHON_PEP393_ENABLED -static const char* __Pyx_PyUnicode_AsStringAndSize(PyObject* o, Py_ssize_t *length) { - char* defenc_c; - PyObject* defenc = _PyUnicode_AsDefaultEncodedString(o, NULL); - if (!defenc) return NULL; - defenc_c = PyBytes_AS_STRING(defenc); -#if __PYX_DEFAULT_STRING_ENCODING_IS_ASCII - { - char* end = defenc_c + PyBytes_GET_SIZE(defenc); - char* c; - for (c = defenc_c; c < end; c++) { - if ((unsigned char) (*c) >= 128) { - PyUnicode_AsASCIIString(o); - return NULL; - } - } - } -#endif - *length = PyBytes_GET_SIZE(defenc); - return defenc_c; -} -#else -static CYTHON_INLINE const char* __Pyx_PyUnicode_AsStringAndSize(PyObject* o, Py_ssize_t *length) { - if (unlikely(__Pyx_PyUnicode_READY(o) == -1)) return NULL; -#if __PYX_DEFAULT_STRING_ENCODING_IS_ASCII - if (likely(PyUnicode_IS_ASCII(o))) { - *length = PyUnicode_GET_LENGTH(o); - return PyUnicode_AsUTF8(o); - } else { - PyUnicode_AsASCIIString(o); - return NULL; - } -#else - return PyUnicode_AsUTF8AndSize(o, length); -#endif -} -#endif -#endif -static CYTHON_INLINE const char* __Pyx_PyObject_AsStringAndSize(PyObject* o, Py_ssize_t *length) { -#if __PYX_DEFAULT_STRING_ENCODING_IS_ASCII || __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT - if ( -#if PY_MAJOR_VERSION < 3 && __PYX_DEFAULT_STRING_ENCODING_IS_ASCII - __Pyx_sys_getdefaultencoding_not_ascii && -#endif - PyUnicode_Check(o)) { - return __Pyx_PyUnicode_AsStringAndSize(o, length); - } else -#endif -#if (!CYTHON_COMPILING_IN_PYPY && !CYTHON_COMPILING_IN_LIMITED_API) || (defined(PyByteArray_AS_STRING) && defined(PyByteArray_GET_SIZE)) - if (PyByteArray_Check(o)) { - *length = PyByteArray_GET_SIZE(o); - return PyByteArray_AS_STRING(o); - } else -#endif - { - char* result; - int r = PyBytes_AsStringAndSize(o, &result, length); - if (unlikely(r < 0)) { - return NULL; - } else { - return result; - } - } -} -static CYTHON_INLINE int __Pyx_PyObject_IsTrue(PyObject* x) { - int is_true = x == Py_True; - if (is_true | (x == Py_False) | (x == Py_None)) return is_true; - else return PyObject_IsTrue(x); -} -static CYTHON_INLINE int __Pyx_PyObject_IsTrueAndDecref(PyObject* x) { - int retval; - if (unlikely(!x)) return -1; - retval = __Pyx_PyObject_IsTrue(x); - Py_DECREF(x); - return retval; -} -static PyObject* __Pyx_PyNumber_IntOrLongWrongResultType(PyObject* result, const char* type_name) { - __Pyx_TypeName result_type_name = __Pyx_PyType_GetName(Py_TYPE(result)); -#if PY_MAJOR_VERSION >= 3 - if (PyLong_Check(result)) { - if (PyErr_WarnFormat(PyExc_DeprecationWarning, 1, - "__int__ returned non-int (type " __Pyx_FMT_TYPENAME "). " - "The ability to return an instance of a strict subclass of int is deprecated, " - "and may be removed in a future version of Python.", - result_type_name)) { - __Pyx_DECREF_TypeName(result_type_name); - Py_DECREF(result); - return NULL; - } - __Pyx_DECREF_TypeName(result_type_name); - return result; - } -#endif - PyErr_Format(PyExc_TypeError, - "__%.4s__ returned non-%.4s (type " __Pyx_FMT_TYPENAME ")", - type_name, type_name, result_type_name); - __Pyx_DECREF_TypeName(result_type_name); - Py_DECREF(result); - return NULL; -} -static CYTHON_INLINE PyObject* __Pyx_PyNumber_IntOrLong(PyObject* x) { -#if CYTHON_USE_TYPE_SLOTS - PyNumberMethods *m; -#endif - const char *name = NULL; - PyObject *res = NULL; -#if PY_MAJOR_VERSION < 3 - if (likely(PyInt_Check(x) || PyLong_Check(x))) -#else - if (likely(PyLong_Check(x))) -#endif - return __Pyx_NewRef(x); -#if CYTHON_USE_TYPE_SLOTS - m = Py_TYPE(x)->tp_as_number; - #if PY_MAJOR_VERSION < 3 - if (m && m->nb_int) { - name = "int"; - res = m->nb_int(x); - } - else if (m && m->nb_long) { - name = "long"; - res = m->nb_long(x); - } - #else - if (likely(m && m->nb_int)) { - name = "int"; - res = m->nb_int(x); - } - #endif -#else - if (!PyBytes_CheckExact(x) && !PyUnicode_CheckExact(x)) { - res = PyNumber_Int(x); - } -#endif - if (likely(res)) { -#if PY_MAJOR_VERSION < 3 - if (unlikely(!PyInt_Check(res) && !PyLong_Check(res))) { -#else - if (unlikely(!PyLong_CheckExact(res))) { -#endif - return __Pyx_PyNumber_IntOrLongWrongResultType(res, name); - } - } - else if (!PyErr_Occurred()) { - PyErr_SetString(PyExc_TypeError, - "an integer is required"); - } - return res; -} -static CYTHON_INLINE Py_ssize_t __Pyx_PyIndex_AsSsize_t(PyObject* b) { - Py_ssize_t ival; - PyObject *x; -#if PY_MAJOR_VERSION < 3 - if (likely(PyInt_CheckExact(b))) { - if (sizeof(Py_ssize_t) >= sizeof(long)) - return PyInt_AS_LONG(b); - else - return PyInt_AsSsize_t(b); - } -#endif - if (likely(PyLong_CheckExact(b))) { - #if CYTHON_USE_PYLONG_INTERNALS - if (likely(__Pyx_PyLong_IsCompact(b))) { - return __Pyx_PyLong_CompactValue(b); - } else { - const digit* digits = __Pyx_PyLong_Digits(b); - const Py_ssize_t size = __Pyx_PyLong_SignedDigitCount(b); - switch (size) { - case 2: - if (8 * sizeof(Py_ssize_t) > 2 * PyLong_SHIFT) { - return (Py_ssize_t) (((((size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - case -2: - if (8 * sizeof(Py_ssize_t) > 2 * PyLong_SHIFT) { - return -(Py_ssize_t) (((((size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - case 3: - if (8 * sizeof(Py_ssize_t) > 3 * PyLong_SHIFT) { - return (Py_ssize_t) (((((((size_t)digits[2]) << PyLong_SHIFT) | (size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - case -3: - if (8 * sizeof(Py_ssize_t) > 3 * PyLong_SHIFT) { - return -(Py_ssize_t) (((((((size_t)digits[2]) << PyLong_SHIFT) | (size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - case 4: - if (8 * sizeof(Py_ssize_t) > 4 * PyLong_SHIFT) { - return (Py_ssize_t) (((((((((size_t)digits[3]) << PyLong_SHIFT) | (size_t)digits[2]) << PyLong_SHIFT) | (size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - case -4: - if (8 * sizeof(Py_ssize_t) > 4 * PyLong_SHIFT) { - return -(Py_ssize_t) (((((((((size_t)digits[3]) << PyLong_SHIFT) | (size_t)digits[2]) << PyLong_SHIFT) | (size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - } - } - #endif - return PyLong_AsSsize_t(b); - } - x = PyNumber_Index(b); - if (!x) return -1; - ival = PyInt_AsSsize_t(x); - Py_DECREF(x); - return ival; -} -static CYTHON_INLINE Py_hash_t __Pyx_PyIndex_AsHash_t(PyObject* o) { - if (sizeof(Py_hash_t) == sizeof(Py_ssize_t)) { - return (Py_hash_t) __Pyx_PyIndex_AsSsize_t(o); -#if PY_MAJOR_VERSION < 3 - } else if (likely(PyInt_CheckExact(o))) { - return PyInt_AS_LONG(o); -#endif - } else { - Py_ssize_t ival; - PyObject *x; - x = PyNumber_Index(o); - if (!x) return -1; - ival = PyInt_AsLong(x); - Py_DECREF(x); - return ival; - } -} -static CYTHON_INLINE PyObject * __Pyx_PyBool_FromLong(long b) { - return b ? __Pyx_NewRef(Py_True) : __Pyx_NewRef(Py_False); -} -static CYTHON_INLINE PyObject * __Pyx_PyInt_FromSize_t(size_t ival) { - return PyInt_FromSize_t(ival); -} - - -/* #### Code section: utility_code_pragmas_end ### */ -#ifdef _MSC_VER -#pragma warning( pop ) -#endif - - - -/* #### Code section: end ### */ -#endif /* Py_PYTHON_H */ diff --git a/fast_grid/potential_old/gaussian.cpython-310-x86_64-linux-gnu.so b/fast_grid/potential_old/gaussian.cpython-310-x86_64-linux-gnu.so deleted file mode 100755 index 7c5e018..0000000 Binary files a/fast_grid/potential_old/gaussian.cpython-310-x86_64-linux-gnu.so and /dev/null differ diff --git a/fast_grid/potential_old/gaussian.pyx b/fast_grid/potential_old/gaussian.pyx deleted file mode 100644 index 9173b22..0000000 --- a/fast_grid/potential_old/gaussian.pyx +++ /dev/null @@ -1,88 +0,0 @@ -# cython: language_level=3 -# cython: boundscheck=False, wraparound=False, cdivision=True - -import numpy as np - -import cython -cimport numpy as np -from cython.parallel import prange -from libc.math cimport round, exp - - -def gaussian_cython(np.ndarray[np.float64_t, ndim=2] pos1, - np.ndarray[np.float64_t, ndim=2] pos2, - np.ndarray[np.float64_t, ndim=2] cell_vectors, - np.ndarray[np.float64_t, ndim=2] inverse_cell, - float height, - float width, - float cutoff, - np.ndarray[np.float64_t, ndim=1] energy_grid, - ): - - cdef int G = pos1.shape[0] # grid size - cdef int N = pos2.shape[0] # number of atoms - cdef int i, j = 0 - cdef float diff_x, diff_y, diff_z - cdef float diff_cell_basis_x, diff_cell_basis_y, diff_cell_basis_z - cdef float r2, lj6, lj12, inv_r2, inv_r6, inv_r12, e, s, s6, s12 #remove this line - cdef float energy - cdef float threshold = 1e-10 - cdef float width_squared = width * width - cdef float cutoff_squared = cutoff * cutoff - - for i in prange(G, nogil=True): - energy = 0.0 - for j in range(N): - diff_x = pos1[i, 0] - pos2[j, 0] - diff_y = pos1[i, 1] - pos2[j, 1] - diff_z = pos1[i, 2] - pos2[j, 2] - - # Matrix multiplication with the inverse cell matrix - diff_cell_basis_x = ( - inverse_cell[0, 0] * diff_x - + inverse_cell[0, 1] * diff_y - + inverse_cell[0, 2] * diff_z - ) - diff_cell_basis_y = ( - inverse_cell[1, 0] * diff_x - + inverse_cell[1, 1] * diff_y - + inverse_cell[1, 2] * diff_z - ) - diff_cell_basis_z = ( - inverse_cell[2, 0] * diff_x - + inverse_cell[2, 1] * diff_y - + inverse_cell[2, 2] * diff_z - ) - - # Applying the minimum image convention - diff_cell_basis_x = diff_cell_basis_x - round(diff_cell_basis_x) - diff_cell_basis_y = diff_cell_basis_y - round(diff_cell_basis_y) - diff_cell_basis_z = diff_cell_basis_z - round(diff_cell_basis_z) - - # Transforming back to the original space - diff_x = ( - cell_vectors[0, 0] * diff_cell_basis_x - + cell_vectors[0, 1] * diff_cell_basis_y - + cell_vectors[0, 2] * diff_cell_basis_z - ) - diff_y = ( - cell_vectors[1, 0] * diff_cell_basis_x - + cell_vectors[1, 1] * diff_cell_basis_y - + cell_vectors[1, 2] * diff_cell_basis_z - ) - diff_z = ( - cell_vectors[2, 0] * diff_cell_basis_x - + cell_vectors[2, 1] * diff_cell_basis_y - + cell_vectors[2, 2] * diff_cell_basis_z - ) - - # Calculating the distance - r2 = diff_x * diff_x + diff_y * diff_y + diff_z * diff_z - - if r2 < cutoff_squared and r2 > threshold: - # Calculate Guassian - energy += height * exp(r2 / width_squared) - - energy_grid[i] += energy - - return energy_grid \ No newline at end of file diff --git a/fast_grid/potential_old/lj_potential.c b/fast_grid/potential_old/lj_potential.c deleted file mode 100644 index 9f64ee8..0000000 --- a/fast_grid/potential_old/lj_potential.c +++ /dev/null @@ -1,10779 +0,0 @@ -/* Generated by Cython 3.0.5 */ - -/* BEGIN: Cython Metadata -{ - "distutils": { - "depends": [], - "name": "fast_grid.potential.lj_potential", - "sources": [ - "fast_grid/potential/lj_potential.pyx" - ] - }, - "module_name": "fast_grid.potential.lj_potential" -} -END: Cython Metadata */ - -#ifndef PY_SSIZE_T_CLEAN -#define PY_SSIZE_T_CLEAN -#endif /* PY_SSIZE_T_CLEAN */ -#if defined(CYTHON_LIMITED_API) && 0 - #ifndef Py_LIMITED_API - #if CYTHON_LIMITED_API+0 > 0x03030000 - #define Py_LIMITED_API CYTHON_LIMITED_API - #else - #define Py_LIMITED_API 0x03030000 - #endif - #endif -#endif - -#include "Python.h" -#ifndef Py_PYTHON_H - #error Python headers needed to compile C extensions, please install development version of Python. -#elif PY_VERSION_HEX < 0x02070000 || (0x03000000 <= PY_VERSION_HEX && PY_VERSION_HEX < 0x03030000) - #error Cython requires Python 2.7+ or Python 3.3+. -#else -#if defined(CYTHON_LIMITED_API) && CYTHON_LIMITED_API -#define __PYX_EXTRA_ABI_MODULE_NAME "limited" -#else -#define __PYX_EXTRA_ABI_MODULE_NAME "" -#endif -#define CYTHON_ABI "3_0_5" __PYX_EXTRA_ABI_MODULE_NAME -#define __PYX_ABI_MODULE_NAME "_cython_" CYTHON_ABI -#define __PYX_TYPE_MODULE_PREFIX __PYX_ABI_MODULE_NAME "." -#define CYTHON_HEX_VERSION 0x030005F0 -#define CYTHON_FUTURE_DIVISION 1 -#include -#ifndef offsetof - #define offsetof(type, member) ( (size_t) & ((type*)0) -> member ) -#endif -#if !defined(_WIN32) && !defined(WIN32) && !defined(MS_WINDOWS) - #ifndef __stdcall - #define __stdcall - #endif - #ifndef __cdecl - #define __cdecl - #endif - #ifndef __fastcall - #define __fastcall - #endif -#endif -#ifndef DL_IMPORT - #define DL_IMPORT(t) t -#endif -#ifndef DL_EXPORT - #define DL_EXPORT(t) t -#endif -#define __PYX_COMMA , -#ifndef HAVE_LONG_LONG - #define HAVE_LONG_LONG -#endif -#ifndef PY_LONG_LONG - #define PY_LONG_LONG LONG_LONG -#endif -#ifndef Py_HUGE_VAL - #define Py_HUGE_VAL HUGE_VAL -#endif -#define __PYX_LIMITED_VERSION_HEX PY_VERSION_HEX -#if defined(GRAALVM_PYTHON) - /* For very preliminary testing purposes. Most variables are set the same as PyPy. - The existence of this section does not imply that anything works or is even tested */ - #define CYTHON_COMPILING_IN_PYPY 0 - #define CYTHON_COMPILING_IN_CPYTHON 0 - #define CYTHON_COMPILING_IN_LIMITED_API 0 - #define CYTHON_COMPILING_IN_GRAAL 1 - #define CYTHON_COMPILING_IN_NOGIL 0 - #undef CYTHON_USE_TYPE_SLOTS - #define CYTHON_USE_TYPE_SLOTS 0 - #undef CYTHON_USE_TYPE_SPECS - #define CYTHON_USE_TYPE_SPECS 0 - #undef CYTHON_USE_PYTYPE_LOOKUP - #define CYTHON_USE_PYTYPE_LOOKUP 0 - #if PY_VERSION_HEX < 0x03050000 - #undef CYTHON_USE_ASYNC_SLOTS - #define CYTHON_USE_ASYNC_SLOTS 0 - #elif !defined(CYTHON_USE_ASYNC_SLOTS) - #define CYTHON_USE_ASYNC_SLOTS 1 - #endif - #undef CYTHON_USE_PYLIST_INTERNALS - #define CYTHON_USE_PYLIST_INTERNALS 0 - #undef CYTHON_USE_UNICODE_INTERNALS - #define CYTHON_USE_UNICODE_INTERNALS 0 - #undef CYTHON_USE_UNICODE_WRITER - #define CYTHON_USE_UNICODE_WRITER 0 - #undef CYTHON_USE_PYLONG_INTERNALS - #define CYTHON_USE_PYLONG_INTERNALS 0 - #undef CYTHON_AVOID_BORROWED_REFS - #define CYTHON_AVOID_BORROWED_REFS 1 - #undef CYTHON_ASSUME_SAFE_MACROS - #define CYTHON_ASSUME_SAFE_MACROS 0 - #undef CYTHON_UNPACK_METHODS - #define CYTHON_UNPACK_METHODS 0 - #undef CYTHON_FAST_THREAD_STATE - #define CYTHON_FAST_THREAD_STATE 0 - #undef CYTHON_FAST_GIL - #define CYTHON_FAST_GIL 0 - #undef CYTHON_METH_FASTCALL - #define CYTHON_METH_FASTCALL 0 - #undef CYTHON_FAST_PYCALL - #define CYTHON_FAST_PYCALL 0 - #ifndef CYTHON_PEP487_INIT_SUBCLASS - #define CYTHON_PEP487_INIT_SUBCLASS (PY_MAJOR_VERSION >= 3) - #endif - #undef CYTHON_PEP489_MULTI_PHASE_INIT - #define CYTHON_PEP489_MULTI_PHASE_INIT 1 - #undef CYTHON_USE_MODULE_STATE - #define CYTHON_USE_MODULE_STATE 0 - #undef CYTHON_USE_TP_FINALIZE - #define CYTHON_USE_TP_FINALIZE 0 - #undef CYTHON_USE_DICT_VERSIONS - #define CYTHON_USE_DICT_VERSIONS 0 - #undef CYTHON_USE_EXC_INFO_STACK - #define CYTHON_USE_EXC_INFO_STACK 0 - #ifndef CYTHON_UPDATE_DESCRIPTOR_DOC - #define CYTHON_UPDATE_DESCRIPTOR_DOC 0 - #endif -#elif defined(PYPY_VERSION) - #define CYTHON_COMPILING_IN_PYPY 1 - #define CYTHON_COMPILING_IN_CPYTHON 0 - #define CYTHON_COMPILING_IN_LIMITED_API 0 - #define CYTHON_COMPILING_IN_GRAAL 0 - #define CYTHON_COMPILING_IN_NOGIL 0 - #undef CYTHON_USE_TYPE_SLOTS - #define CYTHON_USE_TYPE_SLOTS 0 - #ifndef CYTHON_USE_TYPE_SPECS - #define CYTHON_USE_TYPE_SPECS 0 - #endif - #undef CYTHON_USE_PYTYPE_LOOKUP - #define CYTHON_USE_PYTYPE_LOOKUP 0 - #if PY_VERSION_HEX < 0x03050000 - #undef CYTHON_USE_ASYNC_SLOTS - #define CYTHON_USE_ASYNC_SLOTS 0 - #elif !defined(CYTHON_USE_ASYNC_SLOTS) - #define CYTHON_USE_ASYNC_SLOTS 1 - #endif - #undef CYTHON_USE_PYLIST_INTERNALS - #define CYTHON_USE_PYLIST_INTERNALS 0 - #undef CYTHON_USE_UNICODE_INTERNALS - #define CYTHON_USE_UNICODE_INTERNALS 0 - #undef CYTHON_USE_UNICODE_WRITER - #define CYTHON_USE_UNICODE_WRITER 0 - #undef CYTHON_USE_PYLONG_INTERNALS - #define CYTHON_USE_PYLONG_INTERNALS 0 - #undef CYTHON_AVOID_BORROWED_REFS - #define CYTHON_AVOID_BORROWED_REFS 1 - #undef CYTHON_ASSUME_SAFE_MACROS - #define CYTHON_ASSUME_SAFE_MACROS 0 - #undef CYTHON_UNPACK_METHODS - #define CYTHON_UNPACK_METHODS 0 - #undef CYTHON_FAST_THREAD_STATE - #define CYTHON_FAST_THREAD_STATE 0 - #undef CYTHON_FAST_GIL - #define CYTHON_FAST_GIL 0 - #undef CYTHON_METH_FASTCALL - #define CYTHON_METH_FASTCALL 0 - #undef CYTHON_FAST_PYCALL - #define CYTHON_FAST_PYCALL 0 - #ifndef CYTHON_PEP487_INIT_SUBCLASS - #define CYTHON_PEP487_INIT_SUBCLASS (PY_MAJOR_VERSION >= 3) - #endif - #if PY_VERSION_HEX < 0x03090000 - #undef CYTHON_PEP489_MULTI_PHASE_INIT - #define CYTHON_PEP489_MULTI_PHASE_INIT 0 - #elif !defined(CYTHON_PEP489_MULTI_PHASE_INIT) - #define CYTHON_PEP489_MULTI_PHASE_INIT 1 - #endif - #undef CYTHON_USE_MODULE_STATE - #define CYTHON_USE_MODULE_STATE 0 - #undef CYTHON_USE_TP_FINALIZE - #define CYTHON_USE_TP_FINALIZE (PY_VERSION_HEX >= 0x030400a1 && PYPY_VERSION_NUM >= 0x07030C00) - #undef CYTHON_USE_DICT_VERSIONS - #define CYTHON_USE_DICT_VERSIONS 0 - #undef CYTHON_USE_EXC_INFO_STACK - #define CYTHON_USE_EXC_INFO_STACK 0 - #ifndef CYTHON_UPDATE_DESCRIPTOR_DOC - #define CYTHON_UPDATE_DESCRIPTOR_DOC 0 - #endif -#elif defined(CYTHON_LIMITED_API) - #ifdef Py_LIMITED_API - #undef __PYX_LIMITED_VERSION_HEX - #define __PYX_LIMITED_VERSION_HEX Py_LIMITED_API - #endif - #define CYTHON_COMPILING_IN_PYPY 0 - #define CYTHON_COMPILING_IN_CPYTHON 0 - #define CYTHON_COMPILING_IN_LIMITED_API 1 - #define CYTHON_COMPILING_IN_GRAAL 0 - #define CYTHON_COMPILING_IN_NOGIL 0 - #undef CYTHON_CLINE_IN_TRACEBACK - #define CYTHON_CLINE_IN_TRACEBACK 0 - #undef CYTHON_USE_TYPE_SLOTS - #define CYTHON_USE_TYPE_SLOTS 0 - #undef CYTHON_USE_TYPE_SPECS - #define CYTHON_USE_TYPE_SPECS 1 - #undef CYTHON_USE_PYTYPE_LOOKUP - #define CYTHON_USE_PYTYPE_LOOKUP 0 - #undef CYTHON_USE_ASYNC_SLOTS - #define CYTHON_USE_ASYNC_SLOTS 0 - #undef CYTHON_USE_PYLIST_INTERNALS - #define CYTHON_USE_PYLIST_INTERNALS 0 - #undef CYTHON_USE_UNICODE_INTERNALS - #define CYTHON_USE_UNICODE_INTERNALS 0 - #ifndef CYTHON_USE_UNICODE_WRITER - #define CYTHON_USE_UNICODE_WRITER 0 - #endif - #undef CYTHON_USE_PYLONG_INTERNALS - #define CYTHON_USE_PYLONG_INTERNALS 0 - #ifndef CYTHON_AVOID_BORROWED_REFS - #define CYTHON_AVOID_BORROWED_REFS 0 - #endif - #undef CYTHON_ASSUME_SAFE_MACROS - #define CYTHON_ASSUME_SAFE_MACROS 0 - #undef CYTHON_UNPACK_METHODS - #define CYTHON_UNPACK_METHODS 0 - #undef CYTHON_FAST_THREAD_STATE - #define CYTHON_FAST_THREAD_STATE 0 - #undef CYTHON_FAST_GIL - #define CYTHON_FAST_GIL 0 - #undef CYTHON_METH_FASTCALL - #define CYTHON_METH_FASTCALL 0 - #undef CYTHON_FAST_PYCALL - #define CYTHON_FAST_PYCALL 0 - #ifndef CYTHON_PEP487_INIT_SUBCLASS - #define CYTHON_PEP487_INIT_SUBCLASS 1 - #endif - #undef CYTHON_PEP489_MULTI_PHASE_INIT - #define CYTHON_PEP489_MULTI_PHASE_INIT 0 - #undef CYTHON_USE_MODULE_STATE - #define CYTHON_USE_MODULE_STATE 1 - #ifndef CYTHON_USE_TP_FINALIZE - #define CYTHON_USE_TP_FINALIZE 0 - #endif - #undef CYTHON_USE_DICT_VERSIONS - #define CYTHON_USE_DICT_VERSIONS 0 - #undef CYTHON_USE_EXC_INFO_STACK - #define CYTHON_USE_EXC_INFO_STACK 0 - #ifndef CYTHON_UPDATE_DESCRIPTOR_DOC - #define CYTHON_UPDATE_DESCRIPTOR_DOC 0 - #endif -#elif defined(PY_NOGIL) - #define CYTHON_COMPILING_IN_PYPY 0 - #define CYTHON_COMPILING_IN_CPYTHON 0 - #define CYTHON_COMPILING_IN_LIMITED_API 0 - #define CYTHON_COMPILING_IN_GRAAL 0 - #define CYTHON_COMPILING_IN_NOGIL 1 - #ifndef CYTHON_USE_TYPE_SLOTS - #define CYTHON_USE_TYPE_SLOTS 1 - #endif - #undef CYTHON_USE_PYTYPE_LOOKUP - #define CYTHON_USE_PYTYPE_LOOKUP 0 - #ifndef CYTHON_USE_ASYNC_SLOTS - #define CYTHON_USE_ASYNC_SLOTS 1 - #endif - #undef CYTHON_USE_PYLIST_INTERNALS - #define CYTHON_USE_PYLIST_INTERNALS 0 - #ifndef CYTHON_USE_UNICODE_INTERNALS - #define CYTHON_USE_UNICODE_INTERNALS 1 - #endif - #undef CYTHON_USE_UNICODE_WRITER - #define CYTHON_USE_UNICODE_WRITER 0 - #undef CYTHON_USE_PYLONG_INTERNALS - #define CYTHON_USE_PYLONG_INTERNALS 0 - #ifndef CYTHON_AVOID_BORROWED_REFS - #define CYTHON_AVOID_BORROWED_REFS 0 - #endif - #ifndef CYTHON_ASSUME_SAFE_MACROS - #define CYTHON_ASSUME_SAFE_MACROS 1 - #endif - #ifndef CYTHON_UNPACK_METHODS - #define CYTHON_UNPACK_METHODS 1 - #endif - #undef CYTHON_FAST_THREAD_STATE - #define CYTHON_FAST_THREAD_STATE 0 - #undef CYTHON_FAST_PYCALL - #define CYTHON_FAST_PYCALL 0 - #ifndef CYTHON_PEP489_MULTI_PHASE_INIT - #define CYTHON_PEP489_MULTI_PHASE_INIT 1 - #endif - #ifndef CYTHON_USE_TP_FINALIZE - #define CYTHON_USE_TP_FINALIZE 1 - #endif - #undef CYTHON_USE_DICT_VERSIONS - #define CYTHON_USE_DICT_VERSIONS 0 - #undef CYTHON_USE_EXC_INFO_STACK - #define CYTHON_USE_EXC_INFO_STACK 0 -#else - #define CYTHON_COMPILING_IN_PYPY 0 - #define CYTHON_COMPILING_IN_CPYTHON 1 - #define CYTHON_COMPILING_IN_LIMITED_API 0 - #define CYTHON_COMPILING_IN_GRAAL 0 - #define CYTHON_COMPILING_IN_NOGIL 0 - #ifndef CYTHON_USE_TYPE_SLOTS - #define CYTHON_USE_TYPE_SLOTS 1 - #endif - #ifndef CYTHON_USE_TYPE_SPECS - #define CYTHON_USE_TYPE_SPECS 0 - #endif - #ifndef CYTHON_USE_PYTYPE_LOOKUP - #define CYTHON_USE_PYTYPE_LOOKUP 1 - #endif - #if PY_MAJOR_VERSION < 3 - #undef CYTHON_USE_ASYNC_SLOTS - #define CYTHON_USE_ASYNC_SLOTS 0 - #elif !defined(CYTHON_USE_ASYNC_SLOTS) - #define CYTHON_USE_ASYNC_SLOTS 1 - #endif - #ifndef CYTHON_USE_PYLONG_INTERNALS - #define CYTHON_USE_PYLONG_INTERNALS 1 - #endif - #ifndef CYTHON_USE_PYLIST_INTERNALS - #define CYTHON_USE_PYLIST_INTERNALS 1 - #endif - #ifndef CYTHON_USE_UNICODE_INTERNALS - #define CYTHON_USE_UNICODE_INTERNALS 1 - #endif - #if PY_VERSION_HEX < 0x030300F0 || PY_VERSION_HEX >= 0x030B00A2 - #undef CYTHON_USE_UNICODE_WRITER - #define CYTHON_USE_UNICODE_WRITER 0 - #elif !defined(CYTHON_USE_UNICODE_WRITER) - #define CYTHON_USE_UNICODE_WRITER 1 - #endif - #ifndef CYTHON_AVOID_BORROWED_REFS - #define CYTHON_AVOID_BORROWED_REFS 0 - #endif - #ifndef CYTHON_ASSUME_SAFE_MACROS - #define CYTHON_ASSUME_SAFE_MACROS 1 - #endif - #ifndef CYTHON_UNPACK_METHODS - #define CYTHON_UNPACK_METHODS 1 - #endif - #ifndef CYTHON_FAST_THREAD_STATE - #define CYTHON_FAST_THREAD_STATE 1 - #endif - #ifndef CYTHON_FAST_GIL - #define CYTHON_FAST_GIL (PY_MAJOR_VERSION < 3 || PY_VERSION_HEX >= 0x03060000 && PY_VERSION_HEX < 0x030C00A6) - #endif - #ifndef CYTHON_METH_FASTCALL - #define CYTHON_METH_FASTCALL (PY_VERSION_HEX >= 0x030700A1) - #endif - #ifndef CYTHON_FAST_PYCALL - #define CYTHON_FAST_PYCALL 1 - #endif - #ifndef CYTHON_PEP487_INIT_SUBCLASS - #define CYTHON_PEP487_INIT_SUBCLASS 1 - #endif - #if PY_VERSION_HEX < 0x03050000 - #undef CYTHON_PEP489_MULTI_PHASE_INIT - #define CYTHON_PEP489_MULTI_PHASE_INIT 0 - #elif !defined(CYTHON_PEP489_MULTI_PHASE_INIT) - #define CYTHON_PEP489_MULTI_PHASE_INIT 1 - #endif - #ifndef CYTHON_USE_MODULE_STATE - #define CYTHON_USE_MODULE_STATE 0 - #endif - #if PY_VERSION_HEX < 0x030400a1 - #undef CYTHON_USE_TP_FINALIZE - #define CYTHON_USE_TP_FINALIZE 0 - #elif !defined(CYTHON_USE_TP_FINALIZE) - #define CYTHON_USE_TP_FINALIZE 1 - #endif - #if PY_VERSION_HEX < 0x030600B1 - #undef CYTHON_USE_DICT_VERSIONS - #define CYTHON_USE_DICT_VERSIONS 0 - #elif !defined(CYTHON_USE_DICT_VERSIONS) - #define CYTHON_USE_DICT_VERSIONS (PY_VERSION_HEX < 0x030C00A5) - #endif - #if PY_VERSION_HEX < 0x030700A3 - #undef CYTHON_USE_EXC_INFO_STACK - #define CYTHON_USE_EXC_INFO_STACK 0 - #elif !defined(CYTHON_USE_EXC_INFO_STACK) - #define CYTHON_USE_EXC_INFO_STACK 1 - #endif - #ifndef CYTHON_UPDATE_DESCRIPTOR_DOC - #define CYTHON_UPDATE_DESCRIPTOR_DOC 1 - #endif -#endif -#if !defined(CYTHON_FAST_PYCCALL) -#define CYTHON_FAST_PYCCALL (CYTHON_FAST_PYCALL && PY_VERSION_HEX >= 0x030600B1) -#endif -#if !defined(CYTHON_VECTORCALL) -#define CYTHON_VECTORCALL (CYTHON_FAST_PYCCALL && PY_VERSION_HEX >= 0x030800B1) -#endif -#define CYTHON_BACKPORT_VECTORCALL (CYTHON_METH_FASTCALL && PY_VERSION_HEX < 0x030800B1) -#if CYTHON_USE_PYLONG_INTERNALS - #if PY_MAJOR_VERSION < 3 - #include "longintrepr.h" - #endif - #undef SHIFT - #undef BASE - #undef MASK - #ifdef SIZEOF_VOID_P - enum { __pyx_check_sizeof_voidp = 1 / (int)(SIZEOF_VOID_P == sizeof(void*)) }; - #endif -#endif -#ifndef __has_attribute - #define __has_attribute(x) 0 -#endif -#ifndef __has_cpp_attribute - #define __has_cpp_attribute(x) 0 -#endif -#ifndef CYTHON_RESTRICT - #if defined(__GNUC__) - #define CYTHON_RESTRICT __restrict__ - #elif defined(_MSC_VER) && _MSC_VER >= 1400 - #define CYTHON_RESTRICT __restrict - #elif defined (__STDC_VERSION__) && __STDC_VERSION__ >= 199901L - #define CYTHON_RESTRICT restrict - #else - #define CYTHON_RESTRICT - #endif -#endif -#ifndef CYTHON_UNUSED - #if defined(__cplusplus) - /* for clang __has_cpp_attribute(maybe_unused) is true even before C++17 - * but leads to warnings with -pedantic, since it is a C++17 feature */ - #if ((defined(_MSVC_LANG) && _MSVC_LANG >= 201703L) || __cplusplus >= 201703L) - #if __has_cpp_attribute(maybe_unused) - #define CYTHON_UNUSED [[maybe_unused]] - #endif - #endif - #endif -#endif -#ifndef CYTHON_UNUSED -# if defined(__GNUC__) -# if !(defined(__cplusplus)) || (__GNUC__ > 3 || (__GNUC__ == 3 && __GNUC_MINOR__ >= 4)) -# define CYTHON_UNUSED __attribute__ ((__unused__)) -# else -# define CYTHON_UNUSED -# endif -# elif defined(__ICC) || (defined(__INTEL_COMPILER) && !defined(_MSC_VER)) -# define CYTHON_UNUSED __attribute__ ((__unused__)) -# else -# define CYTHON_UNUSED -# endif -#endif -#ifndef CYTHON_UNUSED_VAR -# if defined(__cplusplus) - template void CYTHON_UNUSED_VAR( const T& ) { } -# else -# define CYTHON_UNUSED_VAR(x) (void)(x) -# endif -#endif -#ifndef CYTHON_MAYBE_UNUSED_VAR - #define CYTHON_MAYBE_UNUSED_VAR(x) CYTHON_UNUSED_VAR(x) -#endif -#ifndef CYTHON_NCP_UNUSED -# if CYTHON_COMPILING_IN_CPYTHON -# define CYTHON_NCP_UNUSED -# else -# define CYTHON_NCP_UNUSED CYTHON_UNUSED -# endif -#endif -#ifndef CYTHON_USE_CPP_STD_MOVE - #if defined(__cplusplus) && (\ - __cplusplus >= 201103L || (defined(_MSC_VER) && _MSC_VER >= 1600)) - #define CYTHON_USE_CPP_STD_MOVE 1 - #else - #define CYTHON_USE_CPP_STD_MOVE 0 - #endif -#endif -#define __Pyx_void_to_None(void_result) ((void)(void_result), Py_INCREF(Py_None), Py_None) -#ifdef _MSC_VER - #ifndef _MSC_STDINT_H_ - #if _MSC_VER < 1300 - typedef unsigned char uint8_t; - typedef unsigned short uint16_t; - typedef unsigned int uint32_t; - #else - typedef unsigned __int8 uint8_t; - typedef unsigned __int16 uint16_t; - typedef unsigned __int32 uint32_t; - #endif - #endif - #if _MSC_VER < 1300 - #ifdef _WIN64 - typedef unsigned long long __pyx_uintptr_t; - #else - typedef unsigned int __pyx_uintptr_t; - #endif - #else - #ifdef _WIN64 - typedef unsigned __int64 __pyx_uintptr_t; - #else - typedef unsigned __int32 __pyx_uintptr_t; - #endif - #endif -#else - #include - typedef uintptr_t __pyx_uintptr_t; -#endif -#ifndef CYTHON_FALLTHROUGH - #if defined(__cplusplus) - /* for clang __has_cpp_attribute(fallthrough) is true even before C++17 - * but leads to warnings with -pedantic, since it is a C++17 feature */ - #if ((defined(_MSVC_LANG) && _MSVC_LANG >= 201703L) || __cplusplus >= 201703L) - #if __has_cpp_attribute(fallthrough) - #define CYTHON_FALLTHROUGH [[fallthrough]] - #endif - #endif - #ifndef CYTHON_FALLTHROUGH - #if __has_cpp_attribute(clang::fallthrough) - #define CYTHON_FALLTHROUGH [[clang::fallthrough]] - #elif __has_cpp_attribute(gnu::fallthrough) - #define CYTHON_FALLTHROUGH [[gnu::fallthrough]] - #endif - #endif - #endif - #ifndef CYTHON_FALLTHROUGH - #if __has_attribute(fallthrough) - #define CYTHON_FALLTHROUGH __attribute__((fallthrough)) - #else - #define CYTHON_FALLTHROUGH - #endif - #endif - #if defined(__clang__) && defined(__apple_build_version__) - #if __apple_build_version__ < 7000000 - #undef CYTHON_FALLTHROUGH - #define CYTHON_FALLTHROUGH - #endif - #endif -#endif -#ifdef __cplusplus - template - struct __PYX_IS_UNSIGNED_IMPL {static const bool value = T(0) < T(-1);}; - #define __PYX_IS_UNSIGNED(type) (__PYX_IS_UNSIGNED_IMPL::value) -#else - #define __PYX_IS_UNSIGNED(type) (((type)-1) > 0) -#endif -#if CYTHON_COMPILING_IN_PYPY == 1 - #define __PYX_NEED_TP_PRINT_SLOT (PY_VERSION_HEX >= 0x030800b4 && PY_VERSION_HEX < 0x030A0000) -#else - #define __PYX_NEED_TP_PRINT_SLOT (PY_VERSION_HEX >= 0x030800b4 && PY_VERSION_HEX < 0x03090000) -#endif -#define __PYX_REINTERPRET_FUNCION(func_pointer, other_pointer) ((func_pointer)(void(*)(void))(other_pointer)) - -#ifndef CYTHON_INLINE - #if defined(__clang__) - #define CYTHON_INLINE __inline__ __attribute__ ((__unused__)) - #elif defined(__GNUC__) - #define CYTHON_INLINE __inline__ - #elif defined(_MSC_VER) - #define CYTHON_INLINE __inline - #elif defined (__STDC_VERSION__) && __STDC_VERSION__ >= 199901L - #define CYTHON_INLINE inline - #else - #define CYTHON_INLINE - #endif -#endif - -#define __PYX_BUILD_PY_SSIZE_T "n" -#define CYTHON_FORMAT_SSIZE_T "z" -#if PY_MAJOR_VERSION < 3 - #define __Pyx_BUILTIN_MODULE_NAME "__builtin__" - #define __Pyx_DefaultClassType PyClass_Type - #define __Pyx_PyCode_New(a, p, k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos)\ - PyCode_New(a+k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos) -#else - #define __Pyx_BUILTIN_MODULE_NAME "builtins" - #define __Pyx_DefaultClassType PyType_Type -#if CYTHON_COMPILING_IN_LIMITED_API - static CYTHON_INLINE PyObject* __Pyx_PyCode_New(int a, int p, int k, int l, int s, int f, - PyObject *code, PyObject *c, PyObject* n, PyObject *v, - PyObject *fv, PyObject *cell, PyObject* fn, - PyObject *name, int fline, PyObject *lnos) { - PyObject *exception_table = NULL; - PyObject *types_module=NULL, *code_type=NULL, *result=NULL; - #if __PYX_LIMITED_VERSION_HEX < 0x030B0000 - PyObject *version_info; // borrowed - #endif - PyObject *py_minor_version = NULL; - long minor_version = 0; - PyObject *type, *value, *traceback; - PyErr_Fetch(&type, &value, &traceback); - #if __PYX_LIMITED_VERSION_HEX >= 0x030B0000 - minor_version = 11; // we don't yet need to distinguish between versions > 11 - #else - if (!(version_info = PySys_GetObject("version_info"))) goto end; - if (!(py_minor_version = PySequence_GetItem(version_info, 1))) goto end; - minor_version = PyLong_AsLong(py_minor_version); - if (minor_version == -1 && PyErr_Occurred()) goto end; - #endif - if (!(types_module = PyImport_ImportModule("types"))) goto end; - if (!(code_type = PyObject_GetAttrString(types_module, "CodeType"))) goto end; - if (minor_version <= 7) { - (void)p; - result = PyObject_CallFunction(code_type, "iiiiiOOOOOOiOO", a, k, l, s, f, code, - c, n, v, fn, name, fline, lnos, fv, cell); - } else if (minor_version <= 10) { - result = PyObject_CallFunction(code_type, "iiiiiiOOOOOOiOO", a,p, k, l, s, f, code, - c, n, v, fn, name, fline, lnos, fv, cell); - } else { - if (!(exception_table = PyBytes_FromStringAndSize(NULL, 0))) goto end; - result = PyObject_CallFunction(code_type, "iiiiiiOOOOOOOiOO", a,p, k, l, s, f, code, - c, n, v, fn, name, name, fline, lnos, exception_table, fv, cell); - } - end: - Py_XDECREF(code_type); - Py_XDECREF(exception_table); - Py_XDECREF(types_module); - Py_XDECREF(py_minor_version); - if (type) { - PyErr_Restore(type, value, traceback); - } - return result; - } - #ifndef CO_OPTIMIZED - #define CO_OPTIMIZED 0x0001 - #endif - #ifndef CO_NEWLOCALS - #define CO_NEWLOCALS 0x0002 - #endif - #ifndef CO_VARARGS - #define CO_VARARGS 0x0004 - #endif - #ifndef CO_VARKEYWORDS - #define CO_VARKEYWORDS 0x0008 - #endif - #ifndef CO_ASYNC_GENERATOR - #define CO_ASYNC_GENERATOR 0x0200 - #endif - #ifndef CO_GENERATOR - #define CO_GENERATOR 0x0020 - #endif - #ifndef CO_COROUTINE - #define CO_COROUTINE 0x0080 - #endif -#elif PY_VERSION_HEX >= 0x030B0000 - static CYTHON_INLINE PyCodeObject* __Pyx_PyCode_New(int a, int p, int k, int l, int s, int f, - PyObject *code, PyObject *c, PyObject* n, PyObject *v, - PyObject *fv, PyObject *cell, PyObject* fn, - PyObject *name, int fline, PyObject *lnos) { - PyCodeObject *result; - PyObject *empty_bytes = PyBytes_FromStringAndSize("", 0); // we don't have access to __pyx_empty_bytes here - if (!empty_bytes) return NULL; - result = - #if PY_VERSION_HEX >= 0x030C0000 - PyUnstable_Code_NewWithPosOnlyArgs - #else - PyCode_NewWithPosOnlyArgs - #endif - (a, p, k, l, s, f, code, c, n, v, fv, cell, fn, name, name, fline, lnos, empty_bytes); - Py_DECREF(empty_bytes); - return result; - } -#elif PY_VERSION_HEX >= 0x030800B2 && !CYTHON_COMPILING_IN_PYPY - #define __Pyx_PyCode_New(a, p, k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos)\ - PyCode_NewWithPosOnlyArgs(a, p, k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos) -#else - #define __Pyx_PyCode_New(a, p, k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos)\ - PyCode_New(a, k, l, s, f, code, c, n, v, fv, cell, fn, name, fline, lnos) -#endif -#endif -#if PY_VERSION_HEX >= 0x030900A4 || defined(Py_IS_TYPE) - #define __Pyx_IS_TYPE(ob, type) Py_IS_TYPE(ob, type) -#else - #define __Pyx_IS_TYPE(ob, type) (((const PyObject*)ob)->ob_type == (type)) -#endif -#if PY_VERSION_HEX >= 0x030A00B1 || defined(Py_Is) - #define __Pyx_Py_Is(x, y) Py_Is(x, y) -#else - #define __Pyx_Py_Is(x, y) ((x) == (y)) -#endif -#if PY_VERSION_HEX >= 0x030A00B1 || defined(Py_IsNone) - #define __Pyx_Py_IsNone(ob) Py_IsNone(ob) -#else - #define __Pyx_Py_IsNone(ob) __Pyx_Py_Is((ob), Py_None) -#endif -#if PY_VERSION_HEX >= 0x030A00B1 || defined(Py_IsTrue) - #define __Pyx_Py_IsTrue(ob) Py_IsTrue(ob) -#else - #define __Pyx_Py_IsTrue(ob) __Pyx_Py_Is((ob), Py_True) -#endif -#if PY_VERSION_HEX >= 0x030A00B1 || defined(Py_IsFalse) - #define __Pyx_Py_IsFalse(ob) Py_IsFalse(ob) -#else - #define __Pyx_Py_IsFalse(ob) __Pyx_Py_Is((ob), Py_False) -#endif -#define __Pyx_NoneAsNull(obj) (__Pyx_Py_IsNone(obj) ? NULL : (obj)) -#if PY_VERSION_HEX >= 0x030900F0 && !CYTHON_COMPILING_IN_PYPY - #define __Pyx_PyObject_GC_IsFinalized(o) PyObject_GC_IsFinalized(o) -#else - #define __Pyx_PyObject_GC_IsFinalized(o) _PyGC_FINALIZED(o) -#endif -#ifndef CO_COROUTINE - #define CO_COROUTINE 0x80 -#endif -#ifndef CO_ASYNC_GENERATOR - #define CO_ASYNC_GENERATOR 0x200 -#endif -#ifndef Py_TPFLAGS_CHECKTYPES - #define Py_TPFLAGS_CHECKTYPES 0 -#endif -#ifndef Py_TPFLAGS_HAVE_INDEX - #define Py_TPFLAGS_HAVE_INDEX 0 -#endif -#ifndef Py_TPFLAGS_HAVE_NEWBUFFER - #define Py_TPFLAGS_HAVE_NEWBUFFER 0 -#endif -#ifndef Py_TPFLAGS_HAVE_FINALIZE - #define Py_TPFLAGS_HAVE_FINALIZE 0 -#endif -#ifndef Py_TPFLAGS_SEQUENCE - #define Py_TPFLAGS_SEQUENCE 0 -#endif -#ifndef Py_TPFLAGS_MAPPING - #define Py_TPFLAGS_MAPPING 0 -#endif -#ifndef METH_STACKLESS - #define METH_STACKLESS 0 -#endif -#if PY_VERSION_HEX <= 0x030700A3 || !defined(METH_FASTCALL) - #ifndef METH_FASTCALL - #define METH_FASTCALL 0x80 - #endif - typedef PyObject *(*__Pyx_PyCFunctionFast) (PyObject *self, PyObject *const *args, Py_ssize_t nargs); - typedef PyObject *(*__Pyx_PyCFunctionFastWithKeywords) (PyObject *self, PyObject *const *args, - Py_ssize_t nargs, PyObject *kwnames); -#else - #define __Pyx_PyCFunctionFast _PyCFunctionFast - #define __Pyx_PyCFunctionFastWithKeywords _PyCFunctionFastWithKeywords -#endif -#if CYTHON_METH_FASTCALL - #define __Pyx_METH_FASTCALL METH_FASTCALL - #define __Pyx_PyCFunction_FastCall __Pyx_PyCFunctionFast - #define __Pyx_PyCFunction_FastCallWithKeywords __Pyx_PyCFunctionFastWithKeywords -#else - #define __Pyx_METH_FASTCALL METH_VARARGS - #define __Pyx_PyCFunction_FastCall PyCFunction - #define __Pyx_PyCFunction_FastCallWithKeywords PyCFunctionWithKeywords -#endif -#if CYTHON_VECTORCALL - #define __pyx_vectorcallfunc vectorcallfunc - #define __Pyx_PY_VECTORCALL_ARGUMENTS_OFFSET PY_VECTORCALL_ARGUMENTS_OFFSET - #define __Pyx_PyVectorcall_NARGS(n) PyVectorcall_NARGS((size_t)(n)) -#elif CYTHON_BACKPORT_VECTORCALL - typedef PyObject *(*__pyx_vectorcallfunc)(PyObject *callable, PyObject *const *args, - size_t nargsf, PyObject *kwnames); - #define __Pyx_PY_VECTORCALL_ARGUMENTS_OFFSET ((size_t)1 << (8 * sizeof(size_t) - 1)) - #define __Pyx_PyVectorcall_NARGS(n) ((Py_ssize_t)(((size_t)(n)) & ~__Pyx_PY_VECTORCALL_ARGUMENTS_OFFSET)) -#else - #define __Pyx_PY_VECTORCALL_ARGUMENTS_OFFSET 0 - #define __Pyx_PyVectorcall_NARGS(n) ((Py_ssize_t)(n)) -#endif -#if PY_MAJOR_VERSION >= 0x030900B1 -#define __Pyx_PyCFunction_CheckExact(func) PyCFunction_CheckExact(func) -#else -#define __Pyx_PyCFunction_CheckExact(func) PyCFunction_Check(func) -#endif -#define __Pyx_CyOrPyCFunction_Check(func) PyCFunction_Check(func) -#if CYTHON_COMPILING_IN_CPYTHON -#define __Pyx_CyOrPyCFunction_GET_FUNCTION(func) (((PyCFunctionObject*)(func))->m_ml->ml_meth) -#elif !CYTHON_COMPILING_IN_LIMITED_API -#define __Pyx_CyOrPyCFunction_GET_FUNCTION(func) PyCFunction_GET_FUNCTION(func) -#endif -#if CYTHON_COMPILING_IN_CPYTHON -#define __Pyx_CyOrPyCFunction_GET_FLAGS(func) (((PyCFunctionObject*)(func))->m_ml->ml_flags) -static CYTHON_INLINE PyObject* __Pyx_CyOrPyCFunction_GET_SELF(PyObject *func) { - return (__Pyx_CyOrPyCFunction_GET_FLAGS(func) & METH_STATIC) ? NULL : ((PyCFunctionObject*)func)->m_self; -} -#endif -static CYTHON_INLINE int __Pyx__IsSameCFunction(PyObject *func, void *cfunc) { -#if CYTHON_COMPILING_IN_LIMITED_API - return PyCFunction_Check(func) && PyCFunction_GetFunction(func) == (PyCFunction) cfunc; -#else - return PyCFunction_Check(func) && PyCFunction_GET_FUNCTION(func) == (PyCFunction) cfunc; -#endif -} -#define __Pyx_IsSameCFunction(func, cfunc) __Pyx__IsSameCFunction(func, cfunc) -#if __PYX_LIMITED_VERSION_HEX < 0x030900B1 - #define __Pyx_PyType_FromModuleAndSpec(m, s, b) ((void)m, PyType_FromSpecWithBases(s, b)) - typedef PyObject *(*__Pyx_PyCMethod)(PyObject *, PyTypeObject *, PyObject *const *, size_t, PyObject *); -#else - #define __Pyx_PyType_FromModuleAndSpec(m, s, b) PyType_FromModuleAndSpec(m, s, b) - #define __Pyx_PyCMethod PyCMethod -#endif -#ifndef METH_METHOD - #define METH_METHOD 0x200 -#endif -#if CYTHON_COMPILING_IN_PYPY && !defined(PyObject_Malloc) - #define PyObject_Malloc(s) PyMem_Malloc(s) - #define PyObject_Free(p) PyMem_Free(p) - #define PyObject_Realloc(p) PyMem_Realloc(p) -#endif -#if CYTHON_COMPILING_IN_LIMITED_API - #define __Pyx_PyCode_HasFreeVars(co) (PyCode_GetNumFree(co) > 0) - #define __Pyx_PyFrame_SetLineNumber(frame, lineno) -#else - #define __Pyx_PyCode_HasFreeVars(co) (PyCode_GetNumFree(co) > 0) - #define __Pyx_PyFrame_SetLineNumber(frame, lineno) (frame)->f_lineno = (lineno) -#endif -#if CYTHON_COMPILING_IN_LIMITED_API - #define __Pyx_PyThreadState_Current PyThreadState_Get() -#elif !CYTHON_FAST_THREAD_STATE - #define __Pyx_PyThreadState_Current PyThreadState_GET() -#elif PY_VERSION_HEX >= 0x030d00A1 - #define __Pyx_PyThreadState_Current PyThreadState_GetUnchecked() -#elif PY_VERSION_HEX >= 0x03060000 - #define __Pyx_PyThreadState_Current _PyThreadState_UncheckedGet() -#elif PY_VERSION_HEX >= 0x03000000 - #define __Pyx_PyThreadState_Current PyThreadState_GET() -#else - #define __Pyx_PyThreadState_Current _PyThreadState_Current -#endif -#if CYTHON_COMPILING_IN_LIMITED_API -static CYTHON_INLINE void *__Pyx_PyModule_GetState(PyObject *op) -{ - void *result; - result = PyModule_GetState(op); - if (!result) - Py_FatalError("Couldn't find the module state"); - return result; -} -#endif -#define __Pyx_PyObject_GetSlot(obj, name, func_ctype) __Pyx_PyType_GetSlot(Py_TYPE(obj), name, func_ctype) -#if CYTHON_COMPILING_IN_LIMITED_API - #define __Pyx_PyType_GetSlot(type, name, func_ctype) ((func_ctype) PyType_GetSlot((type), Py_##name)) -#else - #define __Pyx_PyType_GetSlot(type, name, func_ctype) ((type)->name) -#endif -#if PY_VERSION_HEX < 0x030700A2 && !defined(PyThread_tss_create) && !defined(Py_tss_NEEDS_INIT) -#include "pythread.h" -#define Py_tss_NEEDS_INIT 0 -typedef int Py_tss_t; -static CYTHON_INLINE int PyThread_tss_create(Py_tss_t *key) { - *key = PyThread_create_key(); - return 0; -} -static CYTHON_INLINE Py_tss_t * PyThread_tss_alloc(void) { - Py_tss_t *key = (Py_tss_t *)PyObject_Malloc(sizeof(Py_tss_t)); - *key = Py_tss_NEEDS_INIT; - return key; -} -static CYTHON_INLINE void PyThread_tss_free(Py_tss_t *key) { - PyObject_Free(key); -} -static CYTHON_INLINE int PyThread_tss_is_created(Py_tss_t *key) { - return *key != Py_tss_NEEDS_INIT; -} -static CYTHON_INLINE void PyThread_tss_delete(Py_tss_t *key) { - PyThread_delete_key(*key); - *key = Py_tss_NEEDS_INIT; -} -static CYTHON_INLINE int PyThread_tss_set(Py_tss_t *key, void *value) { - return PyThread_set_key_value(*key, value); -} -static CYTHON_INLINE void * PyThread_tss_get(Py_tss_t *key) { - return PyThread_get_key_value(*key); -} -#endif -#if PY_MAJOR_VERSION < 3 - #if CYTHON_COMPILING_IN_PYPY - #if PYPY_VERSION_NUM < 0x07030600 - #if defined(__cplusplus) && __cplusplus >= 201402L - [[deprecated("`with nogil:` inside a nogil function will not release the GIL in PyPy2 < 7.3.6")]] - #elif defined(__GNUC__) || defined(__clang__) - __attribute__ ((__deprecated__("`with nogil:` inside a nogil function will not release the GIL in PyPy2 < 7.3.6"))) - #elif defined(_MSC_VER) - __declspec(deprecated("`with nogil:` inside a nogil function will not release the GIL in PyPy2 < 7.3.6")) - #endif - static CYTHON_INLINE int PyGILState_Check(void) { - return 0; - } - #else // PYPY_VERSION_NUM < 0x07030600 - #endif // PYPY_VERSION_NUM < 0x07030600 - #else - static CYTHON_INLINE int PyGILState_Check(void) { - PyThreadState * tstate = _PyThreadState_Current; - return tstate && (tstate == PyGILState_GetThisThreadState()); - } - #endif -#endif -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX < 0x030d0000 || defined(_PyDict_NewPresized) -#define __Pyx_PyDict_NewPresized(n) ((n <= 8) ? PyDict_New() : _PyDict_NewPresized(n)) -#else -#define __Pyx_PyDict_NewPresized(n) PyDict_New() -#endif -#if PY_MAJOR_VERSION >= 3 || CYTHON_FUTURE_DIVISION - #define __Pyx_PyNumber_Divide(x,y) PyNumber_TrueDivide(x,y) - #define __Pyx_PyNumber_InPlaceDivide(x,y) PyNumber_InPlaceTrueDivide(x,y) -#else - #define __Pyx_PyNumber_Divide(x,y) PyNumber_Divide(x,y) - #define __Pyx_PyNumber_InPlaceDivide(x,y) PyNumber_InPlaceDivide(x,y) -#endif -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX > 0x030600B4 && PY_VERSION_HEX < 0x030d0000 && CYTHON_USE_UNICODE_INTERNALS -#define __Pyx_PyDict_GetItemStrWithError(dict, name) _PyDict_GetItem_KnownHash(dict, name, ((PyASCIIObject *) name)->hash) -static CYTHON_INLINE PyObject * __Pyx_PyDict_GetItemStr(PyObject *dict, PyObject *name) { - PyObject *res = __Pyx_PyDict_GetItemStrWithError(dict, name); - if (res == NULL) PyErr_Clear(); - return res; -} -#elif PY_MAJOR_VERSION >= 3 && (!CYTHON_COMPILING_IN_PYPY || PYPY_VERSION_NUM >= 0x07020000) -#define __Pyx_PyDict_GetItemStrWithError PyDict_GetItemWithError -#define __Pyx_PyDict_GetItemStr PyDict_GetItem -#else -static CYTHON_INLINE PyObject * __Pyx_PyDict_GetItemStrWithError(PyObject *dict, PyObject *name) { -#if CYTHON_COMPILING_IN_PYPY - return PyDict_GetItem(dict, name); -#else - PyDictEntry *ep; - PyDictObject *mp = (PyDictObject*) dict; - long hash = ((PyStringObject *) name)->ob_shash; - assert(hash != -1); - ep = (mp->ma_lookup)(mp, name, hash); - if (ep == NULL) { - return NULL; - } - return ep->me_value; -#endif -} -#define __Pyx_PyDict_GetItemStr PyDict_GetItem -#endif -#if CYTHON_USE_TYPE_SLOTS - #define __Pyx_PyType_GetFlags(tp) (((PyTypeObject *)tp)->tp_flags) - #define __Pyx_PyType_HasFeature(type, feature) ((__Pyx_PyType_GetFlags(type) & (feature)) != 0) - #define __Pyx_PyObject_GetIterNextFunc(obj) (Py_TYPE(obj)->tp_iternext) -#else - #define __Pyx_PyType_GetFlags(tp) (PyType_GetFlags((PyTypeObject *)tp)) - #define __Pyx_PyType_HasFeature(type, feature) PyType_HasFeature(type, feature) - #define __Pyx_PyObject_GetIterNextFunc(obj) PyIter_Next -#endif -#if CYTHON_COMPILING_IN_LIMITED_API - #define __Pyx_SetItemOnTypeDict(tp, k, v) PyObject_GenericSetAttr((PyObject*)tp, k, v) -#else - #define __Pyx_SetItemOnTypeDict(tp, k, v) PyDict_SetItem(tp->tp_dict, k, v) -#endif -#if CYTHON_USE_TYPE_SPECS && PY_VERSION_HEX >= 0x03080000 -#define __Pyx_PyHeapTypeObject_GC_Del(obj) {\ - PyTypeObject *type = Py_TYPE(obj);\ - assert(__Pyx_PyType_HasFeature(type, Py_TPFLAGS_HEAPTYPE));\ - PyObject_GC_Del(obj);\ - Py_DECREF(type);\ -} -#else -#define __Pyx_PyHeapTypeObject_GC_Del(obj) PyObject_GC_Del(obj) -#endif -#if CYTHON_COMPILING_IN_LIMITED_API - #define CYTHON_PEP393_ENABLED 1 - #define __Pyx_PyUnicode_READY(op) (0) - #define __Pyx_PyUnicode_GET_LENGTH(u) PyUnicode_GetLength(u) - #define __Pyx_PyUnicode_READ_CHAR(u, i) PyUnicode_ReadChar(u, i) - #define __Pyx_PyUnicode_MAX_CHAR_VALUE(u) ((void)u, 1114111U) - #define __Pyx_PyUnicode_KIND(u) ((void)u, (0)) - #define __Pyx_PyUnicode_DATA(u) ((void*)u) - #define __Pyx_PyUnicode_READ(k, d, i) ((void)k, PyUnicode_ReadChar((PyObject*)(d), i)) - #define __Pyx_PyUnicode_IS_TRUE(u) (0 != PyUnicode_GetLength(u)) -#elif PY_VERSION_HEX > 0x03030000 && defined(PyUnicode_KIND) - #define CYTHON_PEP393_ENABLED 1 - #if PY_VERSION_HEX >= 0x030C0000 - #define __Pyx_PyUnicode_READY(op) (0) - #else - #define __Pyx_PyUnicode_READY(op) (likely(PyUnicode_IS_READY(op)) ?\ - 0 : _PyUnicode_Ready((PyObject *)(op))) - #endif - #define __Pyx_PyUnicode_GET_LENGTH(u) PyUnicode_GET_LENGTH(u) - #define __Pyx_PyUnicode_READ_CHAR(u, i) PyUnicode_READ_CHAR(u, i) - #define __Pyx_PyUnicode_MAX_CHAR_VALUE(u) PyUnicode_MAX_CHAR_VALUE(u) - #define __Pyx_PyUnicode_KIND(u) ((int)PyUnicode_KIND(u)) - #define __Pyx_PyUnicode_DATA(u) PyUnicode_DATA(u) - #define __Pyx_PyUnicode_READ(k, d, i) PyUnicode_READ(k, d, i) - #define __Pyx_PyUnicode_WRITE(k, d, i, ch) PyUnicode_WRITE(k, d, i, (Py_UCS4) ch) - #if PY_VERSION_HEX >= 0x030C0000 - #define __Pyx_PyUnicode_IS_TRUE(u) (0 != PyUnicode_GET_LENGTH(u)) - #else - #if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX >= 0x03090000 - #define __Pyx_PyUnicode_IS_TRUE(u) (0 != (likely(PyUnicode_IS_READY(u)) ? PyUnicode_GET_LENGTH(u) : ((PyCompactUnicodeObject *)(u))->wstr_length)) - #else - #define __Pyx_PyUnicode_IS_TRUE(u) (0 != (likely(PyUnicode_IS_READY(u)) ? PyUnicode_GET_LENGTH(u) : PyUnicode_GET_SIZE(u))) - #endif - #endif -#else - #define CYTHON_PEP393_ENABLED 0 - #define PyUnicode_1BYTE_KIND 1 - #define PyUnicode_2BYTE_KIND 2 - #define PyUnicode_4BYTE_KIND 4 - #define __Pyx_PyUnicode_READY(op) (0) - #define __Pyx_PyUnicode_GET_LENGTH(u) PyUnicode_GET_SIZE(u) - #define __Pyx_PyUnicode_READ_CHAR(u, i) ((Py_UCS4)(PyUnicode_AS_UNICODE(u)[i])) - #define __Pyx_PyUnicode_MAX_CHAR_VALUE(u) ((sizeof(Py_UNICODE) == 2) ? 65535U : 1114111U) - #define __Pyx_PyUnicode_KIND(u) ((int)sizeof(Py_UNICODE)) - #define __Pyx_PyUnicode_DATA(u) ((void*)PyUnicode_AS_UNICODE(u)) - #define __Pyx_PyUnicode_READ(k, d, i) ((void)(k), (Py_UCS4)(((Py_UNICODE*)d)[i])) - #define __Pyx_PyUnicode_WRITE(k, d, i, ch) (((void)(k)), ((Py_UNICODE*)d)[i] = (Py_UNICODE) ch) - #define __Pyx_PyUnicode_IS_TRUE(u) (0 != PyUnicode_GET_SIZE(u)) -#endif -#if CYTHON_COMPILING_IN_PYPY - #define __Pyx_PyUnicode_Concat(a, b) PyNumber_Add(a, b) - #define __Pyx_PyUnicode_ConcatSafe(a, b) PyNumber_Add(a, b) -#else - #define __Pyx_PyUnicode_Concat(a, b) PyUnicode_Concat(a, b) - #define __Pyx_PyUnicode_ConcatSafe(a, b) ((unlikely((a) == Py_None) || unlikely((b) == Py_None)) ?\ - PyNumber_Add(a, b) : __Pyx_PyUnicode_Concat(a, b)) -#endif -#if CYTHON_COMPILING_IN_PYPY - #if !defined(PyUnicode_DecodeUnicodeEscape) - #define PyUnicode_DecodeUnicodeEscape(s, size, errors) PyUnicode_Decode(s, size, "unicode_escape", errors) - #endif - #if !defined(PyUnicode_Contains) || (PY_MAJOR_VERSION == 2 && PYPY_VERSION_NUM < 0x07030500) - #undef PyUnicode_Contains - #define PyUnicode_Contains(u, s) PySequence_Contains(u, s) - #endif - #if !defined(PyByteArray_Check) - #define PyByteArray_Check(obj) PyObject_TypeCheck(obj, &PyByteArray_Type) - #endif - #if !defined(PyObject_Format) - #define PyObject_Format(obj, fmt) PyObject_CallMethod(obj, "__format__", "O", fmt) - #endif -#endif -#define __Pyx_PyString_FormatSafe(a, b) ((unlikely((a) == Py_None || (PyString_Check(b) && !PyString_CheckExact(b)))) ? PyNumber_Remainder(a, b) : __Pyx_PyString_Format(a, b)) -#define __Pyx_PyUnicode_FormatSafe(a, b) ((unlikely((a) == Py_None || (PyUnicode_Check(b) && !PyUnicode_CheckExact(b)))) ? PyNumber_Remainder(a, b) : PyUnicode_Format(a, b)) -#if PY_MAJOR_VERSION >= 3 - #define __Pyx_PyString_Format(a, b) PyUnicode_Format(a, b) -#else - #define __Pyx_PyString_Format(a, b) PyString_Format(a, b) -#endif -#if PY_MAJOR_VERSION < 3 && !defined(PyObject_ASCII) - #define PyObject_ASCII(o) PyObject_Repr(o) -#endif -#if PY_MAJOR_VERSION >= 3 - #define PyBaseString_Type PyUnicode_Type - #define PyStringObject PyUnicodeObject - #define PyString_Type PyUnicode_Type - #define PyString_Check PyUnicode_Check - #define PyString_CheckExact PyUnicode_CheckExact -#ifndef PyObject_Unicode - #define PyObject_Unicode PyObject_Str -#endif -#endif -#if PY_MAJOR_VERSION >= 3 - #define __Pyx_PyBaseString_Check(obj) PyUnicode_Check(obj) - #define __Pyx_PyBaseString_CheckExact(obj) PyUnicode_CheckExact(obj) -#else - #define __Pyx_PyBaseString_Check(obj) (PyString_Check(obj) || PyUnicode_Check(obj)) - #define __Pyx_PyBaseString_CheckExact(obj) (PyString_CheckExact(obj) || PyUnicode_CheckExact(obj)) -#endif -#if CYTHON_COMPILING_IN_CPYTHON - #define __Pyx_PySequence_ListKeepNew(obj)\ - (likely(PyList_CheckExact(obj) && Py_REFCNT(obj) == 1) ? __Pyx_NewRef(obj) : PySequence_List(obj)) -#else - #define __Pyx_PySequence_ListKeepNew(obj) PySequence_List(obj) -#endif -#ifndef PySet_CheckExact - #define PySet_CheckExact(obj) __Pyx_IS_TYPE(obj, &PySet_Type) -#endif -#if PY_VERSION_HEX >= 0x030900A4 - #define __Pyx_SET_REFCNT(obj, refcnt) Py_SET_REFCNT(obj, refcnt) - #define __Pyx_SET_SIZE(obj, size) Py_SET_SIZE(obj, size) -#else - #define __Pyx_SET_REFCNT(obj, refcnt) Py_REFCNT(obj) = (refcnt) - #define __Pyx_SET_SIZE(obj, size) Py_SIZE(obj) = (size) -#endif -#if CYTHON_ASSUME_SAFE_MACROS - #define __Pyx_PySequence_ITEM(o, i) PySequence_ITEM(o, i) - #define __Pyx_PySequence_SIZE(seq) Py_SIZE(seq) - #define __Pyx_PyTuple_SET_ITEM(o, i, v) (PyTuple_SET_ITEM(o, i, v), (0)) - #define __Pyx_PyList_SET_ITEM(o, i, v) (PyList_SET_ITEM(o, i, v), (0)) - #define __Pyx_PyTuple_GET_SIZE(o) PyTuple_GET_SIZE(o) - #define __Pyx_PyList_GET_SIZE(o) PyList_GET_SIZE(o) - #define __Pyx_PySet_GET_SIZE(o) PySet_GET_SIZE(o) - #define __Pyx_PyBytes_GET_SIZE(o) PyBytes_GET_SIZE(o) - #define __Pyx_PyByteArray_GET_SIZE(o) PyByteArray_GET_SIZE(o) -#else - #define __Pyx_PySequence_ITEM(o, i) PySequence_GetItem(o, i) - #define __Pyx_PySequence_SIZE(seq) PySequence_Size(seq) - #define __Pyx_PyTuple_SET_ITEM(o, i, v) PyTuple_SetItem(o, i, v) - #define __Pyx_PyList_SET_ITEM(o, i, v) PyList_SetItem(o, i, v) - #define __Pyx_PyTuple_GET_SIZE(o) PyTuple_Size(o) - #define __Pyx_PyList_GET_SIZE(o) PyList_Size(o) - #define __Pyx_PySet_GET_SIZE(o) PySet_Size(o) - #define __Pyx_PyBytes_GET_SIZE(o) PyBytes_Size(o) - #define __Pyx_PyByteArray_GET_SIZE(o) PyByteArray_Size(o) -#endif -#if PY_VERSION_HEX >= 0x030d00A1 - #define __Pyx_PyImport_AddModuleRef(name) PyImport_AddModuleRef(name) -#else - static CYTHON_INLINE PyObject *__Pyx_PyImport_AddModuleRef(const char *name) { - PyObject *module = PyImport_AddModule(name); - Py_XINCREF(module); - return module; - } -#endif -#if PY_MAJOR_VERSION >= 3 - #define PyIntObject PyLongObject - #define PyInt_Type PyLong_Type - #define PyInt_Check(op) PyLong_Check(op) - #define PyInt_CheckExact(op) PyLong_CheckExact(op) - #define __Pyx_Py3Int_Check(op) PyLong_Check(op) - #define __Pyx_Py3Int_CheckExact(op) PyLong_CheckExact(op) - #define PyInt_FromString PyLong_FromString - #define PyInt_FromUnicode PyLong_FromUnicode - #define PyInt_FromLong PyLong_FromLong - #define PyInt_FromSize_t PyLong_FromSize_t - #define PyInt_FromSsize_t PyLong_FromSsize_t - #define PyInt_AsLong PyLong_AsLong - #define PyInt_AS_LONG PyLong_AS_LONG - #define PyInt_AsSsize_t PyLong_AsSsize_t - #define PyInt_AsUnsignedLongMask PyLong_AsUnsignedLongMask - #define PyInt_AsUnsignedLongLongMask PyLong_AsUnsignedLongLongMask - #define PyNumber_Int PyNumber_Long -#else - #define __Pyx_Py3Int_Check(op) (PyLong_Check(op) || PyInt_Check(op)) - #define __Pyx_Py3Int_CheckExact(op) (PyLong_CheckExact(op) || PyInt_CheckExact(op)) -#endif -#if PY_MAJOR_VERSION >= 3 - #define PyBoolObject PyLongObject -#endif -#if PY_MAJOR_VERSION >= 3 && CYTHON_COMPILING_IN_PYPY - #ifndef PyUnicode_InternFromString - #define PyUnicode_InternFromString(s) PyUnicode_FromString(s) - #endif -#endif -#if PY_VERSION_HEX < 0x030200A4 - typedef long Py_hash_t; - #define __Pyx_PyInt_FromHash_t PyInt_FromLong - #define __Pyx_PyInt_AsHash_t __Pyx_PyIndex_AsHash_t -#else - #define __Pyx_PyInt_FromHash_t PyInt_FromSsize_t - #define __Pyx_PyInt_AsHash_t __Pyx_PyIndex_AsSsize_t -#endif -#if CYTHON_USE_ASYNC_SLOTS - #if PY_VERSION_HEX >= 0x030500B1 - #define __Pyx_PyAsyncMethodsStruct PyAsyncMethods - #define __Pyx_PyType_AsAsync(obj) (Py_TYPE(obj)->tp_as_async) - #else - #define __Pyx_PyType_AsAsync(obj) ((__Pyx_PyAsyncMethodsStruct*) (Py_TYPE(obj)->tp_reserved)) - #endif -#else - #define __Pyx_PyType_AsAsync(obj) NULL -#endif -#ifndef __Pyx_PyAsyncMethodsStruct - typedef struct { - unaryfunc am_await; - unaryfunc am_aiter; - unaryfunc am_anext; - } __Pyx_PyAsyncMethodsStruct; -#endif - -#if defined(_WIN32) || defined(WIN32) || defined(MS_WINDOWS) - #if !defined(_USE_MATH_DEFINES) - #define _USE_MATH_DEFINES - #endif -#endif -#include -#ifdef NAN -#define __PYX_NAN() ((float) NAN) -#else -static CYTHON_INLINE float __PYX_NAN() { - float value; - memset(&value, 0xFF, sizeof(value)); - return value; -} -#endif -#if defined(__CYGWIN__) && defined(_LDBL_EQ_DBL) -#define __Pyx_truncl trunc -#else -#define __Pyx_truncl truncl -#endif - -#define __PYX_MARK_ERR_POS(f_index, lineno) \ - { __pyx_filename = __pyx_f[f_index]; (void)__pyx_filename; __pyx_lineno = lineno; (void)__pyx_lineno; __pyx_clineno = __LINE__; (void)__pyx_clineno; } -#define __PYX_ERR(f_index, lineno, Ln_error) \ - { __PYX_MARK_ERR_POS(f_index, lineno) goto Ln_error; } - -#ifdef CYTHON_EXTERN_C - #undef __PYX_EXTERN_C - #define __PYX_EXTERN_C CYTHON_EXTERN_C -#elif defined(__PYX_EXTERN_C) - #ifdef _MSC_VER - #pragma message ("Please do not define the '__PYX_EXTERN_C' macro externally. Use 'CYTHON_EXTERN_C' instead.") - #else - #warning Please do not define the '__PYX_EXTERN_C' macro externally. Use 'CYTHON_EXTERN_C' instead. - #endif -#else - #ifdef __cplusplus - #define __PYX_EXTERN_C extern "C" - #else - #define __PYX_EXTERN_C extern - #endif -#endif - -#define __PYX_HAVE__fast_grid__potential__lj_potential -#define __PYX_HAVE_API__fast_grid__potential__lj_potential -/* Early includes */ -#include -#include - - /* Using NumPy API declarations from "numpy/__init__.cython-30.pxd" */ - -#include "numpy/arrayobject.h" -#include "numpy/ndarrayobject.h" -#include "numpy/ndarraytypes.h" -#include "numpy/arrayscalars.h" -#include "numpy/ufuncobject.h" -#include -#ifdef _OPENMP -#include -#endif /* _OPENMP */ - -#if defined(PYREX_WITHOUT_ASSERTIONS) && !defined(CYTHON_WITHOUT_ASSERTIONS) -#define CYTHON_WITHOUT_ASSERTIONS -#endif - -typedef struct {PyObject **p; const char *s; const Py_ssize_t n; const char* encoding; - const char is_unicode; const char is_str; const char intern; } __Pyx_StringTabEntry; - -#define __PYX_DEFAULT_STRING_ENCODING_IS_ASCII 0 -#define __PYX_DEFAULT_STRING_ENCODING_IS_UTF8 0 -#define __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT (PY_MAJOR_VERSION >= 3 && __PYX_DEFAULT_STRING_ENCODING_IS_UTF8) -#define __PYX_DEFAULT_STRING_ENCODING "" -#define __Pyx_PyObject_FromString __Pyx_PyBytes_FromString -#define __Pyx_PyObject_FromStringAndSize __Pyx_PyBytes_FromStringAndSize -#define __Pyx_uchar_cast(c) ((unsigned char)c) -#define __Pyx_long_cast(x) ((long)x) -#define __Pyx_fits_Py_ssize_t(v, type, is_signed) (\ - (sizeof(type) < sizeof(Py_ssize_t)) ||\ - (sizeof(type) > sizeof(Py_ssize_t) &&\ - likely(v < (type)PY_SSIZE_T_MAX ||\ - v == (type)PY_SSIZE_T_MAX) &&\ - (!is_signed || likely(v > (type)PY_SSIZE_T_MIN ||\ - v == (type)PY_SSIZE_T_MIN))) ||\ - (sizeof(type) == sizeof(Py_ssize_t) &&\ - (is_signed || likely(v < (type)PY_SSIZE_T_MAX ||\ - v == (type)PY_SSIZE_T_MAX))) ) -static CYTHON_INLINE int __Pyx_is_valid_index(Py_ssize_t i, Py_ssize_t limit) { - return (size_t) i < (size_t) limit; -} -#if defined (__cplusplus) && __cplusplus >= 201103L - #include - #define __Pyx_sst_abs(value) std::abs(value) -#elif SIZEOF_INT >= SIZEOF_SIZE_T - #define __Pyx_sst_abs(value) abs(value) -#elif SIZEOF_LONG >= SIZEOF_SIZE_T - #define __Pyx_sst_abs(value) labs(value) -#elif defined (_MSC_VER) - #define __Pyx_sst_abs(value) ((Py_ssize_t)_abs64(value)) -#elif defined (__STDC_VERSION__) && __STDC_VERSION__ >= 199901L - #define __Pyx_sst_abs(value) llabs(value) -#elif defined (__GNUC__) - #define __Pyx_sst_abs(value) __builtin_llabs(value) -#else - #define __Pyx_sst_abs(value) ((value<0) ? -value : value) -#endif -static CYTHON_INLINE Py_ssize_t __Pyx_ssize_strlen(const char *s); -static CYTHON_INLINE const char* __Pyx_PyObject_AsString(PyObject*); -static CYTHON_INLINE const char* __Pyx_PyObject_AsStringAndSize(PyObject*, Py_ssize_t* length); -static CYTHON_INLINE PyObject* __Pyx_PyByteArray_FromString(const char*); -#define __Pyx_PyByteArray_FromStringAndSize(s, l) PyByteArray_FromStringAndSize((const char*)s, l) -#define __Pyx_PyBytes_FromString PyBytes_FromString -#define __Pyx_PyBytes_FromStringAndSize PyBytes_FromStringAndSize -static CYTHON_INLINE PyObject* __Pyx_PyUnicode_FromString(const char*); -#if PY_MAJOR_VERSION < 3 - #define __Pyx_PyStr_FromString __Pyx_PyBytes_FromString - #define __Pyx_PyStr_FromStringAndSize __Pyx_PyBytes_FromStringAndSize -#else - #define __Pyx_PyStr_FromString __Pyx_PyUnicode_FromString - #define __Pyx_PyStr_FromStringAndSize __Pyx_PyUnicode_FromStringAndSize -#endif -#define __Pyx_PyBytes_AsWritableString(s) ((char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyBytes_AsWritableSString(s) ((signed char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyBytes_AsWritableUString(s) ((unsigned char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyBytes_AsString(s) ((const char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyBytes_AsSString(s) ((const signed char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyBytes_AsUString(s) ((const unsigned char*) PyBytes_AS_STRING(s)) -#define __Pyx_PyObject_AsWritableString(s) ((char*)(__pyx_uintptr_t) __Pyx_PyObject_AsString(s)) -#define __Pyx_PyObject_AsWritableSString(s) ((signed char*)(__pyx_uintptr_t) __Pyx_PyObject_AsString(s)) -#define __Pyx_PyObject_AsWritableUString(s) ((unsigned char*)(__pyx_uintptr_t) __Pyx_PyObject_AsString(s)) -#define __Pyx_PyObject_AsSString(s) ((const signed char*) __Pyx_PyObject_AsString(s)) -#define __Pyx_PyObject_AsUString(s) ((const unsigned char*) __Pyx_PyObject_AsString(s)) -#define __Pyx_PyObject_FromCString(s) __Pyx_PyObject_FromString((const char*)s) -#define __Pyx_PyBytes_FromCString(s) __Pyx_PyBytes_FromString((const char*)s) -#define __Pyx_PyByteArray_FromCString(s) __Pyx_PyByteArray_FromString((const char*)s) -#define __Pyx_PyStr_FromCString(s) __Pyx_PyStr_FromString((const char*)s) -#define __Pyx_PyUnicode_FromCString(s) __Pyx_PyUnicode_FromString((const char*)s) -#if CYTHON_COMPILING_IN_LIMITED_API -static CYTHON_INLINE size_t __Pyx_Py_UNICODE_strlen(const wchar_t *u) -{ - const wchar_t *u_end = u; - while (*u_end++) ; - return (size_t)(u_end - u - 1); -} -#else -static CYTHON_INLINE size_t __Pyx_Py_UNICODE_strlen(const Py_UNICODE *u) -{ - const Py_UNICODE *u_end = u; - while (*u_end++) ; - return (size_t)(u_end - u - 1); -} -#endif -#define __Pyx_PyUnicode_FromOrdinal(o) PyUnicode_FromOrdinal((int)o) -#define __Pyx_PyUnicode_FromUnicode(u) PyUnicode_FromUnicode(u, __Pyx_Py_UNICODE_strlen(u)) -#define __Pyx_PyUnicode_FromUnicodeAndLength PyUnicode_FromUnicode -#define __Pyx_PyUnicode_AsUnicode PyUnicode_AsUnicode -#define __Pyx_NewRef(obj) (Py_INCREF(obj), obj) -#define __Pyx_Owned_Py_None(b) __Pyx_NewRef(Py_None) -static CYTHON_INLINE PyObject * __Pyx_PyBool_FromLong(long b); -static CYTHON_INLINE int __Pyx_PyObject_IsTrue(PyObject*); -static CYTHON_INLINE int __Pyx_PyObject_IsTrueAndDecref(PyObject*); -static CYTHON_INLINE PyObject* __Pyx_PyNumber_IntOrLong(PyObject* x); -#define __Pyx_PySequence_Tuple(obj)\ - (likely(PyTuple_CheckExact(obj)) ? __Pyx_NewRef(obj) : PySequence_Tuple(obj)) -static CYTHON_INLINE Py_ssize_t __Pyx_PyIndex_AsSsize_t(PyObject*); -static CYTHON_INLINE PyObject * __Pyx_PyInt_FromSize_t(size_t); -static CYTHON_INLINE Py_hash_t __Pyx_PyIndex_AsHash_t(PyObject*); -#if CYTHON_ASSUME_SAFE_MACROS -#define __pyx_PyFloat_AsDouble(x) (PyFloat_CheckExact(x) ? PyFloat_AS_DOUBLE(x) : PyFloat_AsDouble(x)) -#else -#define __pyx_PyFloat_AsDouble(x) PyFloat_AsDouble(x) -#endif -#define __pyx_PyFloat_AsFloat(x) ((float) __pyx_PyFloat_AsDouble(x)) -#if PY_MAJOR_VERSION >= 3 -#define __Pyx_PyNumber_Int(x) (PyLong_CheckExact(x) ? __Pyx_NewRef(x) : PyNumber_Long(x)) -#else -#define __Pyx_PyNumber_Int(x) (PyInt_CheckExact(x) ? __Pyx_NewRef(x) : PyNumber_Int(x)) -#endif -#if CYTHON_USE_PYLONG_INTERNALS - #if PY_VERSION_HEX >= 0x030C00A7 - #ifndef _PyLong_SIGN_MASK - #define _PyLong_SIGN_MASK 3 - #endif - #ifndef _PyLong_NON_SIZE_BITS - #define _PyLong_NON_SIZE_BITS 3 - #endif - #define __Pyx_PyLong_Sign(x) (((PyLongObject*)x)->long_value.lv_tag & _PyLong_SIGN_MASK) - #define __Pyx_PyLong_IsNeg(x) ((__Pyx_PyLong_Sign(x) & 2) != 0) - #define __Pyx_PyLong_IsNonNeg(x) (!__Pyx_PyLong_IsNeg(x)) - #define __Pyx_PyLong_IsZero(x) (__Pyx_PyLong_Sign(x) & 1) - #define __Pyx_PyLong_IsPos(x) (__Pyx_PyLong_Sign(x) == 0) - #define __Pyx_PyLong_CompactValueUnsigned(x) (__Pyx_PyLong_Digits(x)[0]) - #define __Pyx_PyLong_DigitCount(x) ((Py_ssize_t) (((PyLongObject*)x)->long_value.lv_tag >> _PyLong_NON_SIZE_BITS)) - #define __Pyx_PyLong_SignedDigitCount(x)\ - ((1 - (Py_ssize_t) __Pyx_PyLong_Sign(x)) * __Pyx_PyLong_DigitCount(x)) - #if defined(PyUnstable_Long_IsCompact) && defined(PyUnstable_Long_CompactValue) - #define __Pyx_PyLong_IsCompact(x) PyUnstable_Long_IsCompact((PyLongObject*) x) - #define __Pyx_PyLong_CompactValue(x) PyUnstable_Long_CompactValue((PyLongObject*) x) - #else - #define __Pyx_PyLong_IsCompact(x) (((PyLongObject*)x)->long_value.lv_tag < (2 << _PyLong_NON_SIZE_BITS)) - #define __Pyx_PyLong_CompactValue(x) ((1 - (Py_ssize_t) __Pyx_PyLong_Sign(x)) * (Py_ssize_t) __Pyx_PyLong_Digits(x)[0]) - #endif - typedef Py_ssize_t __Pyx_compact_pylong; - typedef size_t __Pyx_compact_upylong; - #else // Py < 3.12 - #define __Pyx_PyLong_IsNeg(x) (Py_SIZE(x) < 0) - #define __Pyx_PyLong_IsNonNeg(x) (Py_SIZE(x) >= 0) - #define __Pyx_PyLong_IsZero(x) (Py_SIZE(x) == 0) - #define __Pyx_PyLong_IsPos(x) (Py_SIZE(x) > 0) - #define __Pyx_PyLong_CompactValueUnsigned(x) ((Py_SIZE(x) == 0) ? 0 : __Pyx_PyLong_Digits(x)[0]) - #define __Pyx_PyLong_DigitCount(x) __Pyx_sst_abs(Py_SIZE(x)) - #define __Pyx_PyLong_SignedDigitCount(x) Py_SIZE(x) - #define __Pyx_PyLong_IsCompact(x) (Py_SIZE(x) == 0 || Py_SIZE(x) == 1 || Py_SIZE(x) == -1) - #define __Pyx_PyLong_CompactValue(x)\ - ((Py_SIZE(x) == 0) ? (sdigit) 0 : ((Py_SIZE(x) < 0) ? -(sdigit)__Pyx_PyLong_Digits(x)[0] : (sdigit)__Pyx_PyLong_Digits(x)[0])) - typedef sdigit __Pyx_compact_pylong; - typedef digit __Pyx_compact_upylong; - #endif - #if PY_VERSION_HEX >= 0x030C00A5 - #define __Pyx_PyLong_Digits(x) (((PyLongObject*)x)->long_value.ob_digit) - #else - #define __Pyx_PyLong_Digits(x) (((PyLongObject*)x)->ob_digit) - #endif -#endif -#if PY_MAJOR_VERSION < 3 && __PYX_DEFAULT_STRING_ENCODING_IS_ASCII -#include -static int __Pyx_sys_getdefaultencoding_not_ascii; -static int __Pyx_init_sys_getdefaultencoding_params(void) { - PyObject* sys; - PyObject* default_encoding = NULL; - PyObject* ascii_chars_u = NULL; - PyObject* ascii_chars_b = NULL; - const char* default_encoding_c; - sys = PyImport_ImportModule("sys"); - if (!sys) goto bad; - default_encoding = PyObject_CallMethod(sys, (char*) "getdefaultencoding", NULL); - Py_DECREF(sys); - if (!default_encoding) goto bad; - default_encoding_c = PyBytes_AsString(default_encoding); - if (!default_encoding_c) goto bad; - if (strcmp(default_encoding_c, "ascii") == 0) { - __Pyx_sys_getdefaultencoding_not_ascii = 0; - } else { - char ascii_chars[128]; - int c; - for (c = 0; c < 128; c++) { - ascii_chars[c] = (char) c; - } - __Pyx_sys_getdefaultencoding_not_ascii = 1; - ascii_chars_u = PyUnicode_DecodeASCII(ascii_chars, 128, NULL); - if (!ascii_chars_u) goto bad; - ascii_chars_b = PyUnicode_AsEncodedString(ascii_chars_u, default_encoding_c, NULL); - if (!ascii_chars_b || !PyBytes_Check(ascii_chars_b) || memcmp(ascii_chars, PyBytes_AS_STRING(ascii_chars_b), 128) != 0) { - PyErr_Format( - PyExc_ValueError, - "This module compiled with c_string_encoding=ascii, but default encoding '%.200s' is not a superset of ascii.", - default_encoding_c); - goto bad; - } - Py_DECREF(ascii_chars_u); - Py_DECREF(ascii_chars_b); - } - Py_DECREF(default_encoding); - return 0; -bad: - Py_XDECREF(default_encoding); - Py_XDECREF(ascii_chars_u); - Py_XDECREF(ascii_chars_b); - return -1; -} -#endif -#if __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT && PY_MAJOR_VERSION >= 3 -#define __Pyx_PyUnicode_FromStringAndSize(c_str, size) PyUnicode_DecodeUTF8(c_str, size, NULL) -#else -#define __Pyx_PyUnicode_FromStringAndSize(c_str, size) PyUnicode_Decode(c_str, size, __PYX_DEFAULT_STRING_ENCODING, NULL) -#if __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT -#include -static char* __PYX_DEFAULT_STRING_ENCODING; -static int __Pyx_init_sys_getdefaultencoding_params(void) { - PyObject* sys; - PyObject* default_encoding = NULL; - char* default_encoding_c; - sys = PyImport_ImportModule("sys"); - if (!sys) goto bad; - default_encoding = PyObject_CallMethod(sys, (char*) (const char*) "getdefaultencoding", NULL); - Py_DECREF(sys); - if (!default_encoding) goto bad; - default_encoding_c = PyBytes_AsString(default_encoding); - if (!default_encoding_c) goto bad; - __PYX_DEFAULT_STRING_ENCODING = (char*) malloc(strlen(default_encoding_c) + 1); - if (!__PYX_DEFAULT_STRING_ENCODING) goto bad; - strcpy(__PYX_DEFAULT_STRING_ENCODING, default_encoding_c); - Py_DECREF(default_encoding); - return 0; -bad: - Py_XDECREF(default_encoding); - return -1; -} -#endif -#endif - - -/* Test for GCC > 2.95 */ -#if defined(__GNUC__) && (__GNUC__ > 2 || (__GNUC__ == 2 && (__GNUC_MINOR__ > 95))) - #define likely(x) __builtin_expect(!!(x), 1) - #define unlikely(x) __builtin_expect(!!(x), 0) -#else /* !__GNUC__ or GCC < 2.95 */ - #define likely(x) (x) - #define unlikely(x) (x) -#endif /* __GNUC__ */ -static CYTHON_INLINE void __Pyx_pretend_to_initialize(void* ptr) { (void)ptr; } - -#if !CYTHON_USE_MODULE_STATE -static PyObject *__pyx_m = NULL; -#endif -static int __pyx_lineno; -static int __pyx_clineno = 0; -static const char * __pyx_cfilenm = __FILE__; -static const char *__pyx_filename; - -/* Header.proto */ -#if !defined(CYTHON_CCOMPLEX) - #if defined(__cplusplus) - #define CYTHON_CCOMPLEX 1 - #elif (defined(_Complex_I) && !defined(_MSC_VER)) || ((defined (__STDC_VERSION__) && __STDC_VERSION__ >= 201112L) && !defined(__STDC_NO_COMPLEX__)) - #define CYTHON_CCOMPLEX 1 - #else - #define CYTHON_CCOMPLEX 0 - #endif -#endif -#if CYTHON_CCOMPLEX - #ifdef __cplusplus - #include - #else - #include - #endif -#endif -#if CYTHON_CCOMPLEX && !defined(__cplusplus) && defined(__sun__) && defined(__GNUC__) - #undef _Complex_I - #define _Complex_I 1.0fj -#endif - -/* #### Code section: filename_table ### */ - -static const char *__pyx_f[] = { - "fast_grid/potential/lj_potential.pyx", - "__init__.cython-30.pxd", - "type.pxd", -}; -/* #### Code section: utility_code_proto_before_types ### */ -/* ForceInitThreads.proto */ -#ifndef __PYX_FORCE_INIT_THREADS - #define __PYX_FORCE_INIT_THREADS 0 -#endif - -/* BufferFormatStructs.proto */ -struct __Pyx_StructField_; -#define __PYX_BUF_FLAGS_PACKED_STRUCT (1 << 0) -typedef struct { - const char* name; - struct __Pyx_StructField_* fields; - size_t size; - size_t arraysize[8]; - int ndim; - char typegroup; - char is_unsigned; - int flags; -} __Pyx_TypeInfo; -typedef struct __Pyx_StructField_ { - __Pyx_TypeInfo* type; - const char* name; - size_t offset; -} __Pyx_StructField; -typedef struct { - __Pyx_StructField* field; - size_t parent_offset; -} __Pyx_BufFmt_StackElem; -typedef struct { - __Pyx_StructField root; - __Pyx_BufFmt_StackElem* head; - size_t fmt_offset; - size_t new_count, enc_count; - size_t struct_alignment; - int is_complex; - char enc_type; - char new_packmode; - char enc_packmode; - char is_valid_array; -} __Pyx_BufFmt_Context; - -/* NoFastGil.proto */ -#define __Pyx_PyGILState_Ensure PyGILState_Ensure -#define __Pyx_PyGILState_Release PyGILState_Release -#define __Pyx_FastGIL_Remember() -#define __Pyx_FastGIL_Forget() -#define __Pyx_FastGilFuncInit() - -/* #### Code section: numeric_typedefs ### */ - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":730 - * # in Cython to enable them only on the right systems. - * - * ctypedef npy_int8 int8_t # <<<<<<<<<<<<<< - * ctypedef npy_int16 int16_t - * ctypedef npy_int32 int32_t - */ -typedef npy_int8 __pyx_t_5numpy_int8_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":731 - * - * ctypedef npy_int8 int8_t - * ctypedef npy_int16 int16_t # <<<<<<<<<<<<<< - * ctypedef npy_int32 int32_t - * ctypedef npy_int64 int64_t - */ -typedef npy_int16 __pyx_t_5numpy_int16_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":732 - * ctypedef npy_int8 int8_t - * ctypedef npy_int16 int16_t - * ctypedef npy_int32 int32_t # <<<<<<<<<<<<<< - * ctypedef npy_int64 int64_t - * #ctypedef npy_int96 int96_t - */ -typedef npy_int32 __pyx_t_5numpy_int32_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":733 - * ctypedef npy_int16 int16_t - * ctypedef npy_int32 int32_t - * ctypedef npy_int64 int64_t # <<<<<<<<<<<<<< - * #ctypedef npy_int96 int96_t - * #ctypedef npy_int128 int128_t - */ -typedef npy_int64 __pyx_t_5numpy_int64_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":737 - * #ctypedef npy_int128 int128_t - * - * ctypedef npy_uint8 uint8_t # <<<<<<<<<<<<<< - * ctypedef npy_uint16 uint16_t - * ctypedef npy_uint32 uint32_t - */ -typedef npy_uint8 __pyx_t_5numpy_uint8_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":738 - * - * ctypedef npy_uint8 uint8_t - * ctypedef npy_uint16 uint16_t # <<<<<<<<<<<<<< - * ctypedef npy_uint32 uint32_t - * ctypedef npy_uint64 uint64_t - */ -typedef npy_uint16 __pyx_t_5numpy_uint16_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":739 - * ctypedef npy_uint8 uint8_t - * ctypedef npy_uint16 uint16_t - * ctypedef npy_uint32 uint32_t # <<<<<<<<<<<<<< - * ctypedef npy_uint64 uint64_t - * #ctypedef npy_uint96 uint96_t - */ -typedef npy_uint32 __pyx_t_5numpy_uint32_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":740 - * ctypedef npy_uint16 uint16_t - * ctypedef npy_uint32 uint32_t - * ctypedef npy_uint64 uint64_t # <<<<<<<<<<<<<< - * #ctypedef npy_uint96 uint96_t - * #ctypedef npy_uint128 uint128_t - */ -typedef npy_uint64 __pyx_t_5numpy_uint64_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":744 - * #ctypedef npy_uint128 uint128_t - * - * ctypedef npy_float32 float32_t # <<<<<<<<<<<<<< - * ctypedef npy_float64 float64_t - * #ctypedef npy_float80 float80_t - */ -typedef npy_float32 __pyx_t_5numpy_float32_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":745 - * - * ctypedef npy_float32 float32_t - * ctypedef npy_float64 float64_t # <<<<<<<<<<<<<< - * #ctypedef npy_float80 float80_t - * #ctypedef npy_float128 float128_t - */ -typedef npy_float64 __pyx_t_5numpy_float64_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":754 - * # The int types are mapped a bit surprising -- - * # numpy.int corresponds to 'l' and numpy.long to 'q' - * ctypedef npy_long int_t # <<<<<<<<<<<<<< - * ctypedef npy_longlong longlong_t - * - */ -typedef npy_long __pyx_t_5numpy_int_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":755 - * # numpy.int corresponds to 'l' and numpy.long to 'q' - * ctypedef npy_long int_t - * ctypedef npy_longlong longlong_t # <<<<<<<<<<<<<< - * - * ctypedef npy_ulong uint_t - */ -typedef npy_longlong __pyx_t_5numpy_longlong_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":757 - * ctypedef npy_longlong longlong_t - * - * ctypedef npy_ulong uint_t # <<<<<<<<<<<<<< - * ctypedef npy_ulonglong ulonglong_t - * - */ -typedef npy_ulong __pyx_t_5numpy_uint_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":758 - * - * ctypedef npy_ulong uint_t - * ctypedef npy_ulonglong ulonglong_t # <<<<<<<<<<<<<< - * - * ctypedef npy_intp intp_t - */ -typedef npy_ulonglong __pyx_t_5numpy_ulonglong_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":760 - * ctypedef npy_ulonglong ulonglong_t - * - * ctypedef npy_intp intp_t # <<<<<<<<<<<<<< - * ctypedef npy_uintp uintp_t - * - */ -typedef npy_intp __pyx_t_5numpy_intp_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":761 - * - * ctypedef npy_intp intp_t - * ctypedef npy_uintp uintp_t # <<<<<<<<<<<<<< - * - * ctypedef npy_double float_t - */ -typedef npy_uintp __pyx_t_5numpy_uintp_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":763 - * ctypedef npy_uintp uintp_t - * - * ctypedef npy_double float_t # <<<<<<<<<<<<<< - * ctypedef npy_double double_t - * ctypedef npy_longdouble longdouble_t - */ -typedef npy_double __pyx_t_5numpy_float_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":764 - * - * ctypedef npy_double float_t - * ctypedef npy_double double_t # <<<<<<<<<<<<<< - * ctypedef npy_longdouble longdouble_t - * - */ -typedef npy_double __pyx_t_5numpy_double_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":765 - * ctypedef npy_double float_t - * ctypedef npy_double double_t - * ctypedef npy_longdouble longdouble_t # <<<<<<<<<<<<<< - * - * ctypedef npy_cfloat cfloat_t - */ -typedef npy_longdouble __pyx_t_5numpy_longdouble_t; -/* #### Code section: complex_type_declarations ### */ -/* Declarations.proto */ -#if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #ifdef __cplusplus - typedef ::std::complex< float > __pyx_t_float_complex; - #else - typedef float _Complex __pyx_t_float_complex; - #endif -#else - typedef struct { float real, imag; } __pyx_t_float_complex; -#endif -static CYTHON_INLINE __pyx_t_float_complex __pyx_t_float_complex_from_parts(float, float); - -/* Declarations.proto */ -#if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #ifdef __cplusplus - typedef ::std::complex< double > __pyx_t_double_complex; - #else - typedef double _Complex __pyx_t_double_complex; - #endif -#else - typedef struct { double real, imag; } __pyx_t_double_complex; -#endif -static CYTHON_INLINE __pyx_t_double_complex __pyx_t_double_complex_from_parts(double, double); - -/* #### Code section: type_declarations ### */ - -/*--- Type declarations ---*/ - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":767 - * ctypedef npy_longdouble longdouble_t - * - * ctypedef npy_cfloat cfloat_t # <<<<<<<<<<<<<< - * ctypedef npy_cdouble cdouble_t - * ctypedef npy_clongdouble clongdouble_t - */ -typedef npy_cfloat __pyx_t_5numpy_cfloat_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":768 - * - * ctypedef npy_cfloat cfloat_t - * ctypedef npy_cdouble cdouble_t # <<<<<<<<<<<<<< - * ctypedef npy_clongdouble clongdouble_t - * - */ -typedef npy_cdouble __pyx_t_5numpy_cdouble_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":769 - * ctypedef npy_cfloat cfloat_t - * ctypedef npy_cdouble cdouble_t - * ctypedef npy_clongdouble clongdouble_t # <<<<<<<<<<<<<< - * - * ctypedef npy_cdouble complex_t - */ -typedef npy_clongdouble __pyx_t_5numpy_clongdouble_t; - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":771 - * ctypedef npy_clongdouble clongdouble_t - * - * ctypedef npy_cdouble complex_t # <<<<<<<<<<<<<< - * - * cdef inline object PyArray_MultiIterNew1(a): - */ -typedef npy_cdouble __pyx_t_5numpy_complex_t; -/* #### Code section: utility_code_proto ### */ - -/* --- Runtime support code (head) --- */ -/* Refnanny.proto */ -#ifndef CYTHON_REFNANNY - #define CYTHON_REFNANNY 0 -#endif -#if CYTHON_REFNANNY - typedef struct { - void (*INCREF)(void*, PyObject*, Py_ssize_t); - void (*DECREF)(void*, PyObject*, Py_ssize_t); - void (*GOTREF)(void*, PyObject*, Py_ssize_t); - void (*GIVEREF)(void*, PyObject*, Py_ssize_t); - void* (*SetupContext)(const char*, Py_ssize_t, const char*); - void (*FinishContext)(void**); - } __Pyx_RefNannyAPIStruct; - static __Pyx_RefNannyAPIStruct *__Pyx_RefNanny = NULL; - static __Pyx_RefNannyAPIStruct *__Pyx_RefNannyImportAPI(const char *modname); - #define __Pyx_RefNannyDeclarations void *__pyx_refnanny = NULL; -#ifdef WITH_THREAD - #define __Pyx_RefNannySetupContext(name, acquire_gil)\ - if (acquire_gil) {\ - PyGILState_STATE __pyx_gilstate_save = PyGILState_Ensure();\ - __pyx_refnanny = __Pyx_RefNanny->SetupContext((name), (__LINE__), (__FILE__));\ - PyGILState_Release(__pyx_gilstate_save);\ - } else {\ - __pyx_refnanny = __Pyx_RefNanny->SetupContext((name), (__LINE__), (__FILE__));\ - } - #define __Pyx_RefNannyFinishContextNogil() {\ - PyGILState_STATE __pyx_gilstate_save = PyGILState_Ensure();\ - __Pyx_RefNannyFinishContext();\ - PyGILState_Release(__pyx_gilstate_save);\ - } -#else - #define __Pyx_RefNannySetupContext(name, acquire_gil)\ - __pyx_refnanny = __Pyx_RefNanny->SetupContext((name), (__LINE__), (__FILE__)) - #define __Pyx_RefNannyFinishContextNogil() __Pyx_RefNannyFinishContext() -#endif - #define __Pyx_RefNannyFinishContextNogil() {\ - PyGILState_STATE __pyx_gilstate_save = PyGILState_Ensure();\ - __Pyx_RefNannyFinishContext();\ - PyGILState_Release(__pyx_gilstate_save);\ - } - #define __Pyx_RefNannyFinishContext()\ - __Pyx_RefNanny->FinishContext(&__pyx_refnanny) - #define __Pyx_INCREF(r) __Pyx_RefNanny->INCREF(__pyx_refnanny, (PyObject *)(r), (__LINE__)) - #define __Pyx_DECREF(r) __Pyx_RefNanny->DECREF(__pyx_refnanny, (PyObject *)(r), (__LINE__)) - #define __Pyx_GOTREF(r) __Pyx_RefNanny->GOTREF(__pyx_refnanny, (PyObject *)(r), (__LINE__)) - #define __Pyx_GIVEREF(r) __Pyx_RefNanny->GIVEREF(__pyx_refnanny, (PyObject *)(r), (__LINE__)) - #define __Pyx_XINCREF(r) do { if((r) == NULL); else {__Pyx_INCREF(r); }} while(0) - #define __Pyx_XDECREF(r) do { if((r) == NULL); else {__Pyx_DECREF(r); }} while(0) - #define __Pyx_XGOTREF(r) do { if((r) == NULL); else {__Pyx_GOTREF(r); }} while(0) - #define __Pyx_XGIVEREF(r) do { if((r) == NULL); else {__Pyx_GIVEREF(r);}} while(0) -#else - #define __Pyx_RefNannyDeclarations - #define __Pyx_RefNannySetupContext(name, acquire_gil) - #define __Pyx_RefNannyFinishContextNogil() - #define __Pyx_RefNannyFinishContext() - #define __Pyx_INCREF(r) Py_INCREF(r) - #define __Pyx_DECREF(r) Py_DECREF(r) - #define __Pyx_GOTREF(r) - #define __Pyx_GIVEREF(r) - #define __Pyx_XINCREF(r) Py_XINCREF(r) - #define __Pyx_XDECREF(r) Py_XDECREF(r) - #define __Pyx_XGOTREF(r) - #define __Pyx_XGIVEREF(r) -#endif -#define __Pyx_Py_XDECREF_SET(r, v) do {\ - PyObject *tmp = (PyObject *) r;\ - r = v; Py_XDECREF(tmp);\ - } while (0) -#define __Pyx_XDECREF_SET(r, v) do {\ - PyObject *tmp = (PyObject *) r;\ - r = v; __Pyx_XDECREF(tmp);\ - } while (0) -#define __Pyx_DECREF_SET(r, v) do {\ - PyObject *tmp = (PyObject *) r;\ - r = v; __Pyx_DECREF(tmp);\ - } while (0) -#define __Pyx_CLEAR(r) do { PyObject* tmp = ((PyObject*)(r)); r = NULL; __Pyx_DECREF(tmp);} while(0) -#define __Pyx_XCLEAR(r) do { if((r) != NULL) {PyObject* tmp = ((PyObject*)(r)); r = NULL; __Pyx_DECREF(tmp);}} while(0) - -/* PyErrExceptionMatches.proto */ -#if CYTHON_FAST_THREAD_STATE -#define __Pyx_PyErr_ExceptionMatches(err) __Pyx_PyErr_ExceptionMatchesInState(__pyx_tstate, err) -static CYTHON_INLINE int __Pyx_PyErr_ExceptionMatchesInState(PyThreadState* tstate, PyObject* err); -#else -#define __Pyx_PyErr_ExceptionMatches(err) PyErr_ExceptionMatches(err) -#endif - -/* PyThreadStateGet.proto */ -#if CYTHON_FAST_THREAD_STATE -#define __Pyx_PyThreadState_declare PyThreadState *__pyx_tstate; -#define __Pyx_PyThreadState_assign __pyx_tstate = __Pyx_PyThreadState_Current; -#if PY_VERSION_HEX >= 0x030C00A6 -#define __Pyx_PyErr_Occurred() (__pyx_tstate->current_exception != NULL) -#define __Pyx_PyErr_CurrentExceptionType() (__pyx_tstate->current_exception ? (PyObject*) Py_TYPE(__pyx_tstate->current_exception) : (PyObject*) NULL) -#else -#define __Pyx_PyErr_Occurred() (__pyx_tstate->curexc_type != NULL) -#define __Pyx_PyErr_CurrentExceptionType() (__pyx_tstate->curexc_type) -#endif -#else -#define __Pyx_PyThreadState_declare -#define __Pyx_PyThreadState_assign -#define __Pyx_PyErr_Occurred() (PyErr_Occurred() != NULL) -#define __Pyx_PyErr_CurrentExceptionType() PyErr_Occurred() -#endif - -/* PyErrFetchRestore.proto */ -#if CYTHON_FAST_THREAD_STATE -#define __Pyx_PyErr_Clear() __Pyx_ErrRestore(NULL, NULL, NULL) -#define __Pyx_ErrRestoreWithState(type, value, tb) __Pyx_ErrRestoreInState(PyThreadState_GET(), type, value, tb) -#define __Pyx_ErrFetchWithState(type, value, tb) __Pyx_ErrFetchInState(PyThreadState_GET(), type, value, tb) -#define __Pyx_ErrRestore(type, value, tb) __Pyx_ErrRestoreInState(__pyx_tstate, type, value, tb) -#define __Pyx_ErrFetch(type, value, tb) __Pyx_ErrFetchInState(__pyx_tstate, type, value, tb) -static CYTHON_INLINE void __Pyx_ErrRestoreInState(PyThreadState *tstate, PyObject *type, PyObject *value, PyObject *tb); -static CYTHON_INLINE void __Pyx_ErrFetchInState(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb); -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX < 0x030C00A6 -#define __Pyx_PyErr_SetNone(exc) (Py_INCREF(exc), __Pyx_ErrRestore((exc), NULL, NULL)) -#else -#define __Pyx_PyErr_SetNone(exc) PyErr_SetNone(exc) -#endif -#else -#define __Pyx_PyErr_Clear() PyErr_Clear() -#define __Pyx_PyErr_SetNone(exc) PyErr_SetNone(exc) -#define __Pyx_ErrRestoreWithState(type, value, tb) PyErr_Restore(type, value, tb) -#define __Pyx_ErrFetchWithState(type, value, tb) PyErr_Fetch(type, value, tb) -#define __Pyx_ErrRestoreInState(tstate, type, value, tb) PyErr_Restore(type, value, tb) -#define __Pyx_ErrFetchInState(tstate, type, value, tb) PyErr_Fetch(type, value, tb) -#define __Pyx_ErrRestore(type, value, tb) PyErr_Restore(type, value, tb) -#define __Pyx_ErrFetch(type, value, tb) PyErr_Fetch(type, value, tb) -#endif - -/* PyObjectGetAttrStr.proto */ -#if CYTHON_USE_TYPE_SLOTS -static CYTHON_INLINE PyObject* __Pyx_PyObject_GetAttrStr(PyObject* obj, PyObject* attr_name); -#else -#define __Pyx_PyObject_GetAttrStr(o,n) PyObject_GetAttr(o,n) -#endif - -/* PyObjectGetAttrStrNoError.proto */ -static CYTHON_INLINE PyObject* __Pyx_PyObject_GetAttrStrNoError(PyObject* obj, PyObject* attr_name); - -/* GetBuiltinName.proto */ -static PyObject *__Pyx_GetBuiltinName(PyObject *name); - -/* GetTopmostException.proto */ -#if CYTHON_USE_EXC_INFO_STACK && CYTHON_FAST_THREAD_STATE -static _PyErr_StackItem * __Pyx_PyErr_GetTopmostException(PyThreadState *tstate); -#endif - -/* SaveResetException.proto */ -#if CYTHON_FAST_THREAD_STATE -#define __Pyx_ExceptionSave(type, value, tb) __Pyx__ExceptionSave(__pyx_tstate, type, value, tb) -static CYTHON_INLINE void __Pyx__ExceptionSave(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb); -#define __Pyx_ExceptionReset(type, value, tb) __Pyx__ExceptionReset(__pyx_tstate, type, value, tb) -static CYTHON_INLINE void __Pyx__ExceptionReset(PyThreadState *tstate, PyObject *type, PyObject *value, PyObject *tb); -#else -#define __Pyx_ExceptionSave(type, value, tb) PyErr_GetExcInfo(type, value, tb) -#define __Pyx_ExceptionReset(type, value, tb) PyErr_SetExcInfo(type, value, tb) -#endif - -/* GetException.proto */ -#if CYTHON_FAST_THREAD_STATE -#define __Pyx_GetException(type, value, tb) __Pyx__GetException(__pyx_tstate, type, value, tb) -static int __Pyx__GetException(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb); -#else -static int __Pyx_GetException(PyObject **type, PyObject **value, PyObject **tb); -#endif - -/* PyObjectCall.proto */ -#if CYTHON_COMPILING_IN_CPYTHON -static CYTHON_INLINE PyObject* __Pyx_PyObject_Call(PyObject *func, PyObject *arg, PyObject *kw); -#else -#define __Pyx_PyObject_Call(func, arg, kw) PyObject_Call(func, arg, kw) -#endif - -/* RaiseException.proto */ -static void __Pyx_Raise(PyObject *type, PyObject *value, PyObject *tb, PyObject *cause); - -/* TupleAndListFromArray.proto */ -#if CYTHON_COMPILING_IN_CPYTHON -static CYTHON_INLINE PyObject* __Pyx_PyList_FromArray(PyObject *const *src, Py_ssize_t n); -static CYTHON_INLINE PyObject* __Pyx_PyTuple_FromArray(PyObject *const *src, Py_ssize_t n); -#endif - -/* IncludeStringH.proto */ -#include - -/* BytesEquals.proto */ -static CYTHON_INLINE int __Pyx_PyBytes_Equals(PyObject* s1, PyObject* s2, int equals); - -/* UnicodeEquals.proto */ -static CYTHON_INLINE int __Pyx_PyUnicode_Equals(PyObject* s1, PyObject* s2, int equals); - -/* fastcall.proto */ -#if CYTHON_AVOID_BORROWED_REFS - #define __Pyx_Arg_VARARGS(args, i) PySequence_GetItem(args, i) -#elif CYTHON_ASSUME_SAFE_MACROS - #define __Pyx_Arg_VARARGS(args, i) PyTuple_GET_ITEM(args, i) -#else - #define __Pyx_Arg_VARARGS(args, i) PyTuple_GetItem(args, i) -#endif -#if CYTHON_AVOID_BORROWED_REFS - #define __Pyx_Arg_NewRef_VARARGS(arg) __Pyx_NewRef(arg) - #define __Pyx_Arg_XDECREF_VARARGS(arg) Py_XDECREF(arg) -#else - #define __Pyx_Arg_NewRef_VARARGS(arg) arg // no-op - #define __Pyx_Arg_XDECREF_VARARGS(arg) // no-op - arg is borrowed -#endif -#define __Pyx_NumKwargs_VARARGS(kwds) PyDict_Size(kwds) -#define __Pyx_KwValues_VARARGS(args, nargs) NULL -#define __Pyx_GetKwValue_VARARGS(kw, kwvalues, s) __Pyx_PyDict_GetItemStrWithError(kw, s) -#define __Pyx_KwargsAsDict_VARARGS(kw, kwvalues) PyDict_Copy(kw) -#if CYTHON_METH_FASTCALL - #define __Pyx_Arg_FASTCALL(args, i) args[i] - #define __Pyx_NumKwargs_FASTCALL(kwds) PyTuple_GET_SIZE(kwds) - #define __Pyx_KwValues_FASTCALL(args, nargs) ((args) + (nargs)) - static CYTHON_INLINE PyObject * __Pyx_GetKwValue_FASTCALL(PyObject *kwnames, PyObject *const *kwvalues, PyObject *s); -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX >= 0x030d0000 - static CYTHON_UNUSED PyObject *__Pyx_KwargsAsDict_FASTCALL(PyObject *kwnames, PyObject *const *kwvalues); - #else - #define __Pyx_KwargsAsDict_FASTCALL(kw, kwvalues) _PyStack_AsDict(kwvalues, kw) - #endif - #define __Pyx_Arg_NewRef_FASTCALL(arg) arg // no-op, __Pyx_Arg_FASTCALL is direct and this needs - #define __Pyx_Arg_XDECREF_FASTCALL(arg) // no-op - arg was returned from array -#else - #define __Pyx_Arg_FASTCALL __Pyx_Arg_VARARGS - #define __Pyx_NumKwargs_FASTCALL __Pyx_NumKwargs_VARARGS - #define __Pyx_KwValues_FASTCALL __Pyx_KwValues_VARARGS - #define __Pyx_GetKwValue_FASTCALL __Pyx_GetKwValue_VARARGS - #define __Pyx_KwargsAsDict_FASTCALL __Pyx_KwargsAsDict_VARARGS - #define __Pyx_Arg_NewRef_FASTCALL(arg) __Pyx_Arg_NewRef_VARARGS(arg) - #define __Pyx_Arg_XDECREF_FASTCALL(arg) __Pyx_Arg_XDECREF_VARARGS(arg) -#endif -#if CYTHON_COMPILING_IN_CPYTHON && CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS -#define __Pyx_ArgsSlice_VARARGS(args, start, stop) __Pyx_PyTuple_FromArray(&__Pyx_Arg_VARARGS(args, start), stop - start) -#define __Pyx_ArgsSlice_FASTCALL(args, start, stop) __Pyx_PyTuple_FromArray(&__Pyx_Arg_FASTCALL(args, start), stop - start) -#else -#define __Pyx_ArgsSlice_VARARGS(args, start, stop) PyTuple_GetSlice(args, start, stop) -#define __Pyx_ArgsSlice_FASTCALL(args, start, stop) PyTuple_GetSlice(args, start, stop) -#endif - -/* RaiseArgTupleInvalid.proto */ -static void __Pyx_RaiseArgtupleInvalid(const char* func_name, int exact, - Py_ssize_t num_min, Py_ssize_t num_max, Py_ssize_t num_found); - -/* RaiseDoubleKeywords.proto */ -static void __Pyx_RaiseDoubleKeywordsError(const char* func_name, PyObject* kw_name); - -/* ParseKeywords.proto */ -static int __Pyx_ParseOptionalKeywords(PyObject *kwds, PyObject *const *kwvalues, - PyObject **argnames[], - PyObject *kwds2, PyObject *values[], Py_ssize_t num_pos_args, - const char* function_name); - -/* ArgTypeTest.proto */ -#define __Pyx_ArgTypeTest(obj, type, none_allowed, name, exact)\ - ((likely(__Pyx_IS_TYPE(obj, type) | (none_allowed && (obj == Py_None)))) ? 1 :\ - __Pyx__ArgTypeTest(obj, type, name, exact)) -static int __Pyx__ArgTypeTest(PyObject *obj, PyTypeObject *type, const char *name, int exact); - -/* IsLittleEndian.proto */ -static CYTHON_INLINE int __Pyx_Is_Little_Endian(void); - -/* BufferFormatCheck.proto */ -static const char* __Pyx_BufFmt_CheckString(__Pyx_BufFmt_Context* ctx, const char* ts); -static void __Pyx_BufFmt_Init(__Pyx_BufFmt_Context* ctx, - __Pyx_BufFmt_StackElem* stack, - __Pyx_TypeInfo* type); - -/* BufferGetAndValidate.proto */ -#define __Pyx_GetBufferAndValidate(buf, obj, dtype, flags, nd, cast, stack)\ - ((obj == Py_None || obj == NULL) ?\ - (__Pyx_ZeroBuffer(buf), 0) :\ - __Pyx__GetBufferAndValidate(buf, obj, dtype, flags, nd, cast, stack)) -static int __Pyx__GetBufferAndValidate(Py_buffer* buf, PyObject* obj, - __Pyx_TypeInfo* dtype, int flags, int nd, int cast, __Pyx_BufFmt_StackElem* stack); -static void __Pyx_ZeroBuffer(Py_buffer* buf); -static CYTHON_INLINE void __Pyx_SafeReleaseBuffer(Py_buffer* info); -static Py_ssize_t __Pyx_minusones[] = { -1, -1, -1, -1, -1, -1, -1, -1 }; -static Py_ssize_t __Pyx_zeros[] = { 0, 0, 0, 0, 0, 0, 0, 0 }; - -#define __Pyx_BufPtrStrided2d(type, buf, i0, s0, i1, s1) (type)((char*)buf + i0 * s0 + i1 * s1) -#define __Pyx_BufPtrStrided1d(type, buf, i0, s0) (type)((char*)buf + i0 * s0) -/* TypeImport.proto */ -#ifndef __PYX_HAVE_RT_ImportType_proto_3_0_5 -#define __PYX_HAVE_RT_ImportType_proto_3_0_5 -#if defined (__STDC_VERSION__) && __STDC_VERSION__ >= 201112L -#include -#endif -#if (defined (__STDC_VERSION__) && __STDC_VERSION__ >= 201112L) || __cplusplus >= 201103L -#define __PYX_GET_STRUCT_ALIGNMENT_3_0_5(s) alignof(s) -#else -#define __PYX_GET_STRUCT_ALIGNMENT_3_0_5(s) sizeof(void*) -#endif -enum __Pyx_ImportType_CheckSize_3_0_5 { - __Pyx_ImportType_CheckSize_Error_3_0_5 = 0, - __Pyx_ImportType_CheckSize_Warn_3_0_5 = 1, - __Pyx_ImportType_CheckSize_Ignore_3_0_5 = 2 -}; -static PyTypeObject *__Pyx_ImportType_3_0_5(PyObject* module, const char *module_name, const char *class_name, size_t size, size_t alignment, enum __Pyx_ImportType_CheckSize_3_0_5 check_size); -#endif - -/* Import.proto */ -static PyObject *__Pyx_Import(PyObject *name, PyObject *from_list, int level); - -/* ImportDottedModule.proto */ -static PyObject *__Pyx_ImportDottedModule(PyObject *name, PyObject *parts_tuple); -#if PY_MAJOR_VERSION >= 3 -static PyObject *__Pyx_ImportDottedModule_WalkParts(PyObject *module, PyObject *name, PyObject *parts_tuple); -#endif - -/* IncludeStructmemberH.proto */ -#include - -/* FixUpExtensionType.proto */ -#if CYTHON_USE_TYPE_SPECS -static int __Pyx_fix_up_extension_type_from_spec(PyType_Spec *spec, PyTypeObject *type); -#endif - -/* FetchSharedCythonModule.proto */ -static PyObject *__Pyx_FetchSharedCythonABIModule(void); - -/* FetchCommonType.proto */ -#if !CYTHON_USE_TYPE_SPECS -static PyTypeObject* __Pyx_FetchCommonType(PyTypeObject* type); -#else -static PyTypeObject* __Pyx_FetchCommonTypeFromSpec(PyObject *module, PyType_Spec *spec, PyObject *bases); -#endif - -/* PyMethodNew.proto */ -#if CYTHON_COMPILING_IN_LIMITED_API -static PyObject *__Pyx_PyMethod_New(PyObject *func, PyObject *self, PyObject *typ) { - PyObject *typesModule=NULL, *methodType=NULL, *result=NULL; - CYTHON_UNUSED_VAR(typ); - if (!self) - return __Pyx_NewRef(func); - typesModule = PyImport_ImportModule("types"); - if (!typesModule) return NULL; - methodType = PyObject_GetAttrString(typesModule, "MethodType"); - Py_DECREF(typesModule); - if (!methodType) return NULL; - result = PyObject_CallFunctionObjArgs(methodType, func, self, NULL); - Py_DECREF(methodType); - return result; -} -#elif PY_MAJOR_VERSION >= 3 -static PyObject *__Pyx_PyMethod_New(PyObject *func, PyObject *self, PyObject *typ) { - CYTHON_UNUSED_VAR(typ); - if (!self) - return __Pyx_NewRef(func); - return PyMethod_New(func, self); -} -#else - #define __Pyx_PyMethod_New PyMethod_New -#endif - -/* PyVectorcallFastCallDict.proto */ -#if CYTHON_METH_FASTCALL -static CYTHON_INLINE PyObject *__Pyx_PyVectorcall_FastCallDict(PyObject *func, __pyx_vectorcallfunc vc, PyObject *const *args, size_t nargs, PyObject *kw); -#endif - -/* CythonFunctionShared.proto */ -#define __Pyx_CyFunction_USED -#define __Pyx_CYFUNCTION_STATICMETHOD 0x01 -#define __Pyx_CYFUNCTION_CLASSMETHOD 0x02 -#define __Pyx_CYFUNCTION_CCLASS 0x04 -#define __Pyx_CYFUNCTION_COROUTINE 0x08 -#define __Pyx_CyFunction_GetClosure(f)\ - (((__pyx_CyFunctionObject *) (f))->func_closure) -#if PY_VERSION_HEX < 0x030900B1 || CYTHON_COMPILING_IN_LIMITED_API - #define __Pyx_CyFunction_GetClassObj(f)\ - (((__pyx_CyFunctionObject *) (f))->func_classobj) -#else - #define __Pyx_CyFunction_GetClassObj(f)\ - ((PyObject*) ((PyCMethodObject *) (f))->mm_class) -#endif -#define __Pyx_CyFunction_SetClassObj(f, classobj)\ - __Pyx__CyFunction_SetClassObj((__pyx_CyFunctionObject *) (f), (classobj)) -#define __Pyx_CyFunction_Defaults(type, f)\ - ((type *)(((__pyx_CyFunctionObject *) (f))->defaults)) -#define __Pyx_CyFunction_SetDefaultsGetter(f, g)\ - ((__pyx_CyFunctionObject *) (f))->defaults_getter = (g) -typedef struct { -#if CYTHON_COMPILING_IN_LIMITED_API - PyObject_HEAD - PyObject *func; -#elif PY_VERSION_HEX < 0x030900B1 - PyCFunctionObject func; -#else - PyCMethodObject func; -#endif -#if CYTHON_BACKPORT_VECTORCALL - __pyx_vectorcallfunc func_vectorcall; -#endif -#if PY_VERSION_HEX < 0x030500A0 || CYTHON_COMPILING_IN_LIMITED_API - PyObject *func_weakreflist; -#endif - PyObject *func_dict; - PyObject *func_name; - PyObject *func_qualname; - PyObject *func_doc; - PyObject *func_globals; - PyObject *func_code; - PyObject *func_closure; -#if PY_VERSION_HEX < 0x030900B1 || CYTHON_COMPILING_IN_LIMITED_API - PyObject *func_classobj; -#endif - void *defaults; - int defaults_pyobjects; - size_t defaults_size; // used by FusedFunction for copying defaults - int flags; - PyObject *defaults_tuple; - PyObject *defaults_kwdict; - PyObject *(*defaults_getter)(PyObject *); - PyObject *func_annotations; - PyObject *func_is_coroutine; -} __pyx_CyFunctionObject; -#undef __Pyx_CyOrPyCFunction_Check -#define __Pyx_CyFunction_Check(obj) __Pyx_TypeCheck(obj, __pyx_CyFunctionType) -#define __Pyx_CyOrPyCFunction_Check(obj) __Pyx_TypeCheck2(obj, __pyx_CyFunctionType, &PyCFunction_Type) -#define __Pyx_CyFunction_CheckExact(obj) __Pyx_IS_TYPE(obj, __pyx_CyFunctionType) -static CYTHON_INLINE int __Pyx__IsSameCyOrCFunction(PyObject *func, void *cfunc); -#undef __Pyx_IsSameCFunction -#define __Pyx_IsSameCFunction(func, cfunc) __Pyx__IsSameCyOrCFunction(func, cfunc) -static PyObject *__Pyx_CyFunction_Init(__pyx_CyFunctionObject* op, PyMethodDef *ml, - int flags, PyObject* qualname, - PyObject *closure, - PyObject *module, PyObject *globals, - PyObject* code); -static CYTHON_INLINE void __Pyx__CyFunction_SetClassObj(__pyx_CyFunctionObject* f, PyObject* classobj); -static CYTHON_INLINE void *__Pyx_CyFunction_InitDefaults(PyObject *m, - size_t size, - int pyobjects); -static CYTHON_INLINE void __Pyx_CyFunction_SetDefaultsTuple(PyObject *m, - PyObject *tuple); -static CYTHON_INLINE void __Pyx_CyFunction_SetDefaultsKwDict(PyObject *m, - PyObject *dict); -static CYTHON_INLINE void __Pyx_CyFunction_SetAnnotationsDict(PyObject *m, - PyObject *dict); -static int __pyx_CyFunction_init(PyObject *module); -#if CYTHON_METH_FASTCALL -static PyObject * __Pyx_CyFunction_Vectorcall_NOARGS(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames); -static PyObject * __Pyx_CyFunction_Vectorcall_O(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames); -static PyObject * __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames); -static PyObject * __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS_METHOD(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames); -#if CYTHON_BACKPORT_VECTORCALL -#define __Pyx_CyFunction_func_vectorcall(f) (((__pyx_CyFunctionObject*)f)->func_vectorcall) -#else -#define __Pyx_CyFunction_func_vectorcall(f) (((PyCFunctionObject*)f)->vectorcall) -#endif -#endif - -/* CythonFunction.proto */ -static PyObject *__Pyx_CyFunction_New(PyMethodDef *ml, - int flags, PyObject* qualname, - PyObject *closure, - PyObject *module, PyObject *globals, - PyObject* code); - -/* PyDictVersioning.proto */ -#if CYTHON_USE_DICT_VERSIONS && CYTHON_USE_TYPE_SLOTS -#define __PYX_DICT_VERSION_INIT ((PY_UINT64_T) -1) -#define __PYX_GET_DICT_VERSION(dict) (((PyDictObject*)(dict))->ma_version_tag) -#define __PYX_UPDATE_DICT_CACHE(dict, value, cache_var, version_var)\ - (version_var) = __PYX_GET_DICT_VERSION(dict);\ - (cache_var) = (value); -#define __PYX_PY_DICT_LOOKUP_IF_MODIFIED(VAR, DICT, LOOKUP) {\ - static PY_UINT64_T __pyx_dict_version = 0;\ - static PyObject *__pyx_dict_cached_value = NULL;\ - if (likely(__PYX_GET_DICT_VERSION(DICT) == __pyx_dict_version)) {\ - (VAR) = __pyx_dict_cached_value;\ - } else {\ - (VAR) = __pyx_dict_cached_value = (LOOKUP);\ - __pyx_dict_version = __PYX_GET_DICT_VERSION(DICT);\ - }\ -} -static CYTHON_INLINE PY_UINT64_T __Pyx_get_tp_dict_version(PyObject *obj); -static CYTHON_INLINE PY_UINT64_T __Pyx_get_object_dict_version(PyObject *obj); -static CYTHON_INLINE int __Pyx_object_dict_version_matches(PyObject* obj, PY_UINT64_T tp_dict_version, PY_UINT64_T obj_dict_version); -#else -#define __PYX_GET_DICT_VERSION(dict) (0) -#define __PYX_UPDATE_DICT_CACHE(dict, value, cache_var, version_var) -#define __PYX_PY_DICT_LOOKUP_IF_MODIFIED(VAR, DICT, LOOKUP) (VAR) = (LOOKUP); -#endif - -/* CLineInTraceback.proto */ -#ifdef CYTHON_CLINE_IN_TRACEBACK -#define __Pyx_CLineForTraceback(tstate, c_line) (((CYTHON_CLINE_IN_TRACEBACK)) ? c_line : 0) -#else -static int __Pyx_CLineForTraceback(PyThreadState *tstate, int c_line); -#endif - -/* CodeObjectCache.proto */ -#if !CYTHON_COMPILING_IN_LIMITED_API -typedef struct { - PyCodeObject* code_object; - int code_line; -} __Pyx_CodeObjectCacheEntry; -struct __Pyx_CodeObjectCache { - int count; - int max_count; - __Pyx_CodeObjectCacheEntry* entries; -}; -static struct __Pyx_CodeObjectCache __pyx_code_cache = {0,0,NULL}; -static int __pyx_bisect_code_objects(__Pyx_CodeObjectCacheEntry* entries, int count, int code_line); -static PyCodeObject *__pyx_find_code_object(int code_line); -static void __pyx_insert_code_object(int code_line, PyCodeObject* code_object); -#endif - -/* AddTraceback.proto */ -static void __Pyx_AddTraceback(const char *funcname, int c_line, - int py_line, const char *filename); - -/* BufferStructDeclare.proto */ -typedef struct { - Py_ssize_t shape, strides, suboffsets; -} __Pyx_Buf_DimInfo; -typedef struct { - size_t refcount; - Py_buffer pybuffer; -} __Pyx_Buffer; -typedef struct { - __Pyx_Buffer *rcbuffer; - char *data; - __Pyx_Buf_DimInfo diminfo[8]; -} __Pyx_LocalBuf_ND; - -#if PY_MAJOR_VERSION < 3 - static int __Pyx_GetBuffer(PyObject *obj, Py_buffer *view, int flags); - static void __Pyx_ReleaseBuffer(Py_buffer *view); -#else - #define __Pyx_GetBuffer PyObject_GetBuffer - #define __Pyx_ReleaseBuffer PyBuffer_Release -#endif - - -/* GCCDiagnostics.proto */ -#if !defined(__INTEL_COMPILER) && defined(__GNUC__) && (__GNUC__ > 4 || (__GNUC__ == 4 && __GNUC_MINOR__ >= 6)) -#define __Pyx_HAS_GCC_DIAGNOSTIC -#endif - -/* RealImag.proto */ -#if CYTHON_CCOMPLEX - #ifdef __cplusplus - #define __Pyx_CREAL(z) ((z).real()) - #define __Pyx_CIMAG(z) ((z).imag()) - #else - #define __Pyx_CREAL(z) (__real__(z)) - #define __Pyx_CIMAG(z) (__imag__(z)) - #endif -#else - #define __Pyx_CREAL(z) ((z).real) - #define __Pyx_CIMAG(z) ((z).imag) -#endif -#if defined(__cplusplus) && CYTHON_CCOMPLEX\ - && (defined(_WIN32) || defined(__clang__) || (defined(__GNUC__) && (__GNUC__ >= 5 || __GNUC__ == 4 && __GNUC_MINOR__ >= 4 )) || __cplusplus >= 201103) - #define __Pyx_SET_CREAL(z,x) ((z).real(x)) - #define __Pyx_SET_CIMAG(z,y) ((z).imag(y)) -#else - #define __Pyx_SET_CREAL(z,x) __Pyx_CREAL(z) = (x) - #define __Pyx_SET_CIMAG(z,y) __Pyx_CIMAG(z) = (y) -#endif - -/* Arithmetic.proto */ -#if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #define __Pyx_c_eq_float(a, b) ((a)==(b)) - #define __Pyx_c_sum_float(a, b) ((a)+(b)) - #define __Pyx_c_diff_float(a, b) ((a)-(b)) - #define __Pyx_c_prod_float(a, b) ((a)*(b)) - #define __Pyx_c_quot_float(a, b) ((a)/(b)) - #define __Pyx_c_neg_float(a) (-(a)) - #ifdef __cplusplus - #define __Pyx_c_is_zero_float(z) ((z)==(float)0) - #define __Pyx_c_conj_float(z) (::std::conj(z)) - #if 1 - #define __Pyx_c_abs_float(z) (::std::abs(z)) - #define __Pyx_c_pow_float(a, b) (::std::pow(a, b)) - #endif - #else - #define __Pyx_c_is_zero_float(z) ((z)==0) - #define __Pyx_c_conj_float(z) (conjf(z)) - #if 1 - #define __Pyx_c_abs_float(z) (cabsf(z)) - #define __Pyx_c_pow_float(a, b) (cpowf(a, b)) - #endif - #endif -#else - static CYTHON_INLINE int __Pyx_c_eq_float(__pyx_t_float_complex, __pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_sum_float(__pyx_t_float_complex, __pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_diff_float(__pyx_t_float_complex, __pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_prod_float(__pyx_t_float_complex, __pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_quot_float(__pyx_t_float_complex, __pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_neg_float(__pyx_t_float_complex); - static CYTHON_INLINE int __Pyx_c_is_zero_float(__pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_conj_float(__pyx_t_float_complex); - #if 1 - static CYTHON_INLINE float __Pyx_c_abs_float(__pyx_t_float_complex); - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_pow_float(__pyx_t_float_complex, __pyx_t_float_complex); - #endif -#endif - -/* Arithmetic.proto */ -#if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #define __Pyx_c_eq_double(a, b) ((a)==(b)) - #define __Pyx_c_sum_double(a, b) ((a)+(b)) - #define __Pyx_c_diff_double(a, b) ((a)-(b)) - #define __Pyx_c_prod_double(a, b) ((a)*(b)) - #define __Pyx_c_quot_double(a, b) ((a)/(b)) - #define __Pyx_c_neg_double(a) (-(a)) - #ifdef __cplusplus - #define __Pyx_c_is_zero_double(z) ((z)==(double)0) - #define __Pyx_c_conj_double(z) (::std::conj(z)) - #if 1 - #define __Pyx_c_abs_double(z) (::std::abs(z)) - #define __Pyx_c_pow_double(a, b) (::std::pow(a, b)) - #endif - #else - #define __Pyx_c_is_zero_double(z) ((z)==0) - #define __Pyx_c_conj_double(z) (conj(z)) - #if 1 - #define __Pyx_c_abs_double(z) (cabs(z)) - #define __Pyx_c_pow_double(a, b) (cpow(a, b)) - #endif - #endif -#else - static CYTHON_INLINE int __Pyx_c_eq_double(__pyx_t_double_complex, __pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_sum_double(__pyx_t_double_complex, __pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_diff_double(__pyx_t_double_complex, __pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_prod_double(__pyx_t_double_complex, __pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_quot_double(__pyx_t_double_complex, __pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_neg_double(__pyx_t_double_complex); - static CYTHON_INLINE int __Pyx_c_is_zero_double(__pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_conj_double(__pyx_t_double_complex); - #if 1 - static CYTHON_INLINE double __Pyx_c_abs_double(__pyx_t_double_complex); - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_pow_double(__pyx_t_double_complex, __pyx_t_double_complex); - #endif -#endif - -/* CIntToPy.proto */ -static CYTHON_INLINE PyObject* __Pyx_PyInt_From_int(int value); - -/* CIntFromPy.proto */ -static CYTHON_INLINE int __Pyx_PyInt_As_int(PyObject *); - -/* FormatTypeName.proto */ -#if CYTHON_COMPILING_IN_LIMITED_API -typedef PyObject *__Pyx_TypeName; -#define __Pyx_FMT_TYPENAME "%U" -static __Pyx_TypeName __Pyx_PyType_GetName(PyTypeObject* tp); -#define __Pyx_DECREF_TypeName(obj) Py_XDECREF(obj) -#else -typedef const char *__Pyx_TypeName; -#define __Pyx_FMT_TYPENAME "%.200s" -#define __Pyx_PyType_GetName(tp) ((tp)->tp_name) -#define __Pyx_DECREF_TypeName(obj) -#endif - -/* CIntToPy.proto */ -static CYTHON_INLINE PyObject* __Pyx_PyInt_From_long(long value); - -/* CIntFromPy.proto */ -static CYTHON_INLINE long __Pyx_PyInt_As_long(PyObject *); - -/* FastTypeChecks.proto */ -#if CYTHON_COMPILING_IN_CPYTHON -#define __Pyx_TypeCheck(obj, type) __Pyx_IsSubtype(Py_TYPE(obj), (PyTypeObject *)type) -#define __Pyx_TypeCheck2(obj, type1, type2) __Pyx_IsAnySubtype2(Py_TYPE(obj), (PyTypeObject *)type1, (PyTypeObject *)type2) -static CYTHON_INLINE int __Pyx_IsSubtype(PyTypeObject *a, PyTypeObject *b); -static CYTHON_INLINE int __Pyx_IsAnySubtype2(PyTypeObject *cls, PyTypeObject *a, PyTypeObject *b); -static CYTHON_INLINE int __Pyx_PyErr_GivenExceptionMatches(PyObject *err, PyObject *type); -static CYTHON_INLINE int __Pyx_PyErr_GivenExceptionMatches2(PyObject *err, PyObject *type1, PyObject *type2); -#else -#define __Pyx_TypeCheck(obj, type) PyObject_TypeCheck(obj, (PyTypeObject *)type) -#define __Pyx_TypeCheck2(obj, type1, type2) (PyObject_TypeCheck(obj, (PyTypeObject *)type1) || PyObject_TypeCheck(obj, (PyTypeObject *)type2)) -#define __Pyx_PyErr_GivenExceptionMatches(err, type) PyErr_GivenExceptionMatches(err, type) -#define __Pyx_PyErr_GivenExceptionMatches2(err, type1, type2) (PyErr_GivenExceptionMatches(err, type1) || PyErr_GivenExceptionMatches(err, type2)) -#endif -#define __Pyx_PyErr_ExceptionMatches2(err1, err2) __Pyx_PyErr_GivenExceptionMatches2(__Pyx_PyErr_CurrentExceptionType(), err1, err2) -#define __Pyx_PyException_Check(obj) __Pyx_TypeCheck(obj, PyExc_Exception) - -/* CheckBinaryVersion.proto */ -static unsigned long __Pyx_get_runtime_version(void); -static int __Pyx_check_binary_version(unsigned long ct_version, unsigned long rt_version, int allow_newer); - -/* InitStrings.proto */ -static int __Pyx_InitStrings(__Pyx_StringTabEntry *t); - -/* #### Code section: module_declarations ### */ -static CYTHON_INLINE PyObject *__pyx_f_5numpy_7ndarray_4base_base(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE PyArray_Descr *__pyx_f_5numpy_7ndarray_5descr_descr(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE int __pyx_f_5numpy_7ndarray_4ndim_ndim(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE npy_intp *__pyx_f_5numpy_7ndarray_5shape_shape(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE npy_intp *__pyx_f_5numpy_7ndarray_7strides_strides(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE npy_intp __pyx_f_5numpy_7ndarray_4size_size(PyArrayObject *__pyx_v_self); /* proto*/ -static CYTHON_INLINE char *__pyx_f_5numpy_7ndarray_4data_data(PyArrayObject *__pyx_v_self); /* proto*/ - -/* Module declarations from "cython" */ - -/* Module declarations from "libc.string" */ - -/* Module declarations from "libc.stdio" */ - -/* Module declarations from "__builtin__" */ - -/* Module declarations from "cpython.type" */ - -/* Module declarations from "cpython" */ - -/* Module declarations from "cpython.object" */ - -/* Module declarations from "cpython.ref" */ - -/* Module declarations from "numpy" */ - -/* Module declarations from "numpy" */ - -/* Module declarations from "libc.math" */ - -/* Module declarations from "fast_grid.potential.lj_potential" */ -/* #### Code section: typeinfo ### */ -static __Pyx_TypeInfo __Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t = { "float64_t", NULL, sizeof(__pyx_t_5numpy_float64_t), { 0 }, 0, 'R', 0, 0 }; -/* #### Code section: before_global_var ### */ -#define __Pyx_MODULE_NAME "fast_grid.potential.lj_potential" -extern int __pyx_module_is_main_fast_grid__potential__lj_potential; -int __pyx_module_is_main_fast_grid__potential__lj_potential = 0; - -/* Implementation of "fast_grid.potential.lj_potential" */ -/* #### Code section: global_var ### */ -static PyObject *__pyx_builtin_range; -static PyObject *__pyx_builtin_ImportError; -/* #### Code section: string_decls ### */ -static const char __pyx_k_G[] = "G"; -static const char __pyx_k_N[] = "N"; -static const char __pyx_k_e[] = "e"; -static const char __pyx_k_i[] = "i"; -static const char __pyx_k_j[] = "j"; -static const char __pyx_k_s[] = "s"; -static const char __pyx_k__3[] = "*"; -static const char __pyx_k__6[] = "?"; -static const char __pyx_k_np[] = "np"; -static const char __pyx_k_r2[] = "r2"; -static const char __pyx_k_s6[] = "s6"; -static const char __pyx_k_lj6[] = "lj6"; -static const char __pyx_k_s12[] = "s12"; -static const char __pyx_k_lj12[] = "lj12"; -static const char __pyx_k_main[] = "__main__"; -static const char __pyx_k_name[] = "__name__"; -static const char __pyx_k_pos1[] = "pos1"; -static const char __pyx_k_pos2[] = "pos2"; -static const char __pyx_k_spec[] = "__spec__"; -static const char __pyx_k_test[] = "__test__"; -static const char __pyx_k_numpy[] = "numpy"; -static const char __pyx_k_range[] = "range"; -static const char __pyx_k_sigma[] = "sigma"; -static const char __pyx_k_cutoff[] = "cutoff"; -static const char __pyx_k_diff_x[] = "diff_x"; -static const char __pyx_k_diff_y[] = "diff_y"; -static const char __pyx_k_diff_z[] = "diff_z"; -static const char __pyx_k_energy[] = "energy"; -static const char __pyx_k_import[] = "__import__"; -static const char __pyx_k_inv_r2[] = "inv_r2"; -static const char __pyx_k_inv_r6[] = "inv_r6"; -static const char __pyx_k_epsilon[] = "epsilon"; -static const char __pyx_k_inv_r12[] = "inv_r12"; -static const char __pyx_k_threshold[] = "threshold"; -static const char __pyx_k_ImportError[] = "ImportError"; -static const char __pyx_k_energy_grid[] = "energy_grid"; -static const char __pyx_k_cell_vectors[] = "cell_vectors"; -static const char __pyx_k_initializing[] = "_initializing"; -static const char __pyx_k_inverse_cell[] = "inverse_cell"; -static const char __pyx_k_is_coroutine[] = "_is_coroutine"; -static const char __pyx_k_cutoff_squared[] = "cutoff_squared"; -static const char __pyx_k_diff_cell_basis_x[] = "diff_cell_basis_x"; -static const char __pyx_k_diff_cell_basis_y[] = "diff_cell_basis_y"; -static const char __pyx_k_diff_cell_basis_z[] = "diff_cell_basis_z"; -static const char __pyx_k_asyncio_coroutines[] = "asyncio.coroutines"; -static const char __pyx_k_cline_in_traceback[] = "cline_in_traceback"; -static const char __pyx_k_lj_potential_cython[] = "lj_potential_cython"; -static const char __pyx_k_numpy_core_multiarray_failed_to[] = "numpy.core.multiarray failed to import"; -static const char __pyx_k_fast_grid_potential_lj_potential[] = "fast_grid/potential/lj_potential.pyx"; -static const char __pyx_k_numpy_core_umath_failed_to_impor[] = "numpy.core.umath failed to import"; -static const char __pyx_k_fast_grid_potential_lj_potential_2[] = "fast_grid.potential.lj_potential"; -/* #### Code section: decls ### */ -static PyObject *__pyx_pf_9fast_grid_9potential_12lj_potential_lj_potential_cython(CYTHON_UNUSED PyObject *__pyx_self, PyArrayObject *__pyx_v_pos1, PyArrayObject *__pyx_v_pos2, PyArrayObject *__pyx_v_cell_vectors, PyArrayObject *__pyx_v_inverse_cell, PyArrayObject *__pyx_v_epsilon, PyArrayObject *__pyx_v_sigma, float __pyx_v_cutoff, PyArrayObject *__pyx_v_energy_grid); /* proto */ -/* #### Code section: late_includes ### */ -/* #### Code section: module_state ### */ -typedef struct { - PyObject *__pyx_d; - PyObject *__pyx_b; - PyObject *__pyx_cython_runtime; - PyObject *__pyx_empty_tuple; - PyObject *__pyx_empty_bytes; - PyObject *__pyx_empty_unicode; - #ifdef __Pyx_CyFunction_USED - PyTypeObject *__pyx_CyFunctionType; - #endif - #ifdef __Pyx_FusedFunction_USED - PyTypeObject *__pyx_FusedFunctionType; - #endif - #ifdef __Pyx_Generator_USED - PyTypeObject *__pyx_GeneratorType; - #endif - #ifdef __Pyx_IterableCoroutine_USED - PyTypeObject *__pyx_IterableCoroutineType; - #endif - #ifdef __Pyx_Coroutine_USED - PyTypeObject *__pyx_CoroutineAwaitType; - #endif - #ifdef __Pyx_Coroutine_USED - PyTypeObject *__pyx_CoroutineType; - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - PyTypeObject *__pyx_ptype_7cpython_4type_type; - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - PyTypeObject *__pyx_ptype_5numpy_dtype; - PyTypeObject *__pyx_ptype_5numpy_flatiter; - PyTypeObject *__pyx_ptype_5numpy_broadcast; - PyTypeObject *__pyx_ptype_5numpy_ndarray; - PyTypeObject *__pyx_ptype_5numpy_generic; - PyTypeObject *__pyx_ptype_5numpy_number; - PyTypeObject *__pyx_ptype_5numpy_integer; - PyTypeObject *__pyx_ptype_5numpy_signedinteger; - PyTypeObject *__pyx_ptype_5numpy_unsignedinteger; - PyTypeObject *__pyx_ptype_5numpy_inexact; - PyTypeObject *__pyx_ptype_5numpy_floating; - PyTypeObject *__pyx_ptype_5numpy_complexfloating; - PyTypeObject *__pyx_ptype_5numpy_flexible; - PyTypeObject *__pyx_ptype_5numpy_character; - PyTypeObject *__pyx_ptype_5numpy_ufunc; - #if CYTHON_USE_MODULE_STATE - #endif - #if CYTHON_USE_MODULE_STATE - #endif - PyObject *__pyx_n_s_G; - PyObject *__pyx_n_s_ImportError; - PyObject *__pyx_n_s_N; - PyObject *__pyx_n_s__3; - PyObject *__pyx_n_s__6; - PyObject *__pyx_n_s_asyncio_coroutines; - PyObject *__pyx_n_s_cell_vectors; - PyObject *__pyx_n_s_cline_in_traceback; - PyObject *__pyx_n_s_cutoff; - PyObject *__pyx_n_s_cutoff_squared; - PyObject *__pyx_n_s_diff_cell_basis_x; - PyObject *__pyx_n_s_diff_cell_basis_y; - PyObject *__pyx_n_s_diff_cell_basis_z; - PyObject *__pyx_n_s_diff_x; - PyObject *__pyx_n_s_diff_y; - PyObject *__pyx_n_s_diff_z; - PyObject *__pyx_n_s_e; - PyObject *__pyx_n_s_energy; - PyObject *__pyx_n_s_energy_grid; - PyObject *__pyx_n_s_epsilon; - PyObject *__pyx_kp_s_fast_grid_potential_lj_potential; - PyObject *__pyx_n_s_fast_grid_potential_lj_potential_2; - PyObject *__pyx_n_s_i; - PyObject *__pyx_n_s_import; - PyObject *__pyx_n_s_initializing; - PyObject *__pyx_n_s_inv_r12; - PyObject *__pyx_n_s_inv_r2; - PyObject *__pyx_n_s_inv_r6; - PyObject *__pyx_n_s_inverse_cell; - PyObject *__pyx_n_s_is_coroutine; - PyObject *__pyx_n_s_j; - PyObject *__pyx_n_s_lj12; - PyObject *__pyx_n_s_lj6; - PyObject *__pyx_n_s_lj_potential_cython; - PyObject *__pyx_n_s_main; - PyObject *__pyx_n_s_name; - PyObject *__pyx_n_s_np; - PyObject *__pyx_n_s_numpy; - PyObject *__pyx_kp_u_numpy_core_multiarray_failed_to; - PyObject *__pyx_kp_u_numpy_core_umath_failed_to_impor; - PyObject *__pyx_n_s_pos1; - PyObject *__pyx_n_s_pos2; - PyObject *__pyx_n_s_r2; - PyObject *__pyx_n_s_range; - PyObject *__pyx_n_s_s; - PyObject *__pyx_n_s_s12; - PyObject *__pyx_n_s_s6; - PyObject *__pyx_n_s_sigma; - PyObject *__pyx_n_s_spec; - PyObject *__pyx_n_s_test; - PyObject *__pyx_n_s_threshold; - PyObject *__pyx_tuple_; - PyObject *__pyx_tuple__2; - PyObject *__pyx_tuple__4; - PyObject *__pyx_codeobj__5; -} __pyx_mstate; - -#if CYTHON_USE_MODULE_STATE -#ifdef __cplusplus -namespace { - extern struct PyModuleDef __pyx_moduledef; -} /* anonymous namespace */ -#else -static struct PyModuleDef __pyx_moduledef; -#endif - -#define __pyx_mstate(o) ((__pyx_mstate *)__Pyx_PyModule_GetState(o)) - -#define __pyx_mstate_global (__pyx_mstate(PyState_FindModule(&__pyx_moduledef))) - -#define __pyx_m (PyState_FindModule(&__pyx_moduledef)) -#else -static __pyx_mstate __pyx_mstate_global_static = -#ifdef __cplusplus - {}; -#else - {0}; -#endif -static __pyx_mstate *__pyx_mstate_global = &__pyx_mstate_global_static; -#endif -/* #### Code section: module_state_clear ### */ -#if CYTHON_USE_MODULE_STATE -static int __pyx_m_clear(PyObject *m) { - __pyx_mstate *clear_module_state = __pyx_mstate(m); - if (!clear_module_state) return 0; - Py_CLEAR(clear_module_state->__pyx_d); - Py_CLEAR(clear_module_state->__pyx_b); - Py_CLEAR(clear_module_state->__pyx_cython_runtime); - Py_CLEAR(clear_module_state->__pyx_empty_tuple); - Py_CLEAR(clear_module_state->__pyx_empty_bytes); - Py_CLEAR(clear_module_state->__pyx_empty_unicode); - #ifdef __Pyx_CyFunction_USED - Py_CLEAR(clear_module_state->__pyx_CyFunctionType); - #endif - #ifdef __Pyx_FusedFunction_USED - Py_CLEAR(clear_module_state->__pyx_FusedFunctionType); - #endif - Py_CLEAR(clear_module_state->__pyx_ptype_7cpython_4type_type); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_dtype); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_flatiter); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_broadcast); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_ndarray); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_generic); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_number); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_integer); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_signedinteger); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_unsignedinteger); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_inexact); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_floating); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_complexfloating); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_flexible); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_character); - Py_CLEAR(clear_module_state->__pyx_ptype_5numpy_ufunc); - Py_CLEAR(clear_module_state->__pyx_n_s_G); - Py_CLEAR(clear_module_state->__pyx_n_s_ImportError); - Py_CLEAR(clear_module_state->__pyx_n_s_N); - Py_CLEAR(clear_module_state->__pyx_n_s__3); - Py_CLEAR(clear_module_state->__pyx_n_s__6); - Py_CLEAR(clear_module_state->__pyx_n_s_asyncio_coroutines); - Py_CLEAR(clear_module_state->__pyx_n_s_cell_vectors); - Py_CLEAR(clear_module_state->__pyx_n_s_cline_in_traceback); - Py_CLEAR(clear_module_state->__pyx_n_s_cutoff); - Py_CLEAR(clear_module_state->__pyx_n_s_cutoff_squared); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_cell_basis_x); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_cell_basis_y); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_cell_basis_z); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_x); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_y); - Py_CLEAR(clear_module_state->__pyx_n_s_diff_z); - Py_CLEAR(clear_module_state->__pyx_n_s_e); - Py_CLEAR(clear_module_state->__pyx_n_s_energy); - Py_CLEAR(clear_module_state->__pyx_n_s_energy_grid); - Py_CLEAR(clear_module_state->__pyx_n_s_epsilon); - Py_CLEAR(clear_module_state->__pyx_kp_s_fast_grid_potential_lj_potential); - Py_CLEAR(clear_module_state->__pyx_n_s_fast_grid_potential_lj_potential_2); - Py_CLEAR(clear_module_state->__pyx_n_s_i); - Py_CLEAR(clear_module_state->__pyx_n_s_import); - Py_CLEAR(clear_module_state->__pyx_n_s_initializing); - Py_CLEAR(clear_module_state->__pyx_n_s_inv_r12); - Py_CLEAR(clear_module_state->__pyx_n_s_inv_r2); - Py_CLEAR(clear_module_state->__pyx_n_s_inv_r6); - Py_CLEAR(clear_module_state->__pyx_n_s_inverse_cell); - Py_CLEAR(clear_module_state->__pyx_n_s_is_coroutine); - Py_CLEAR(clear_module_state->__pyx_n_s_j); - Py_CLEAR(clear_module_state->__pyx_n_s_lj12); - Py_CLEAR(clear_module_state->__pyx_n_s_lj6); - Py_CLEAR(clear_module_state->__pyx_n_s_lj_potential_cython); - Py_CLEAR(clear_module_state->__pyx_n_s_main); - Py_CLEAR(clear_module_state->__pyx_n_s_name); - Py_CLEAR(clear_module_state->__pyx_n_s_np); - Py_CLEAR(clear_module_state->__pyx_n_s_numpy); - Py_CLEAR(clear_module_state->__pyx_kp_u_numpy_core_multiarray_failed_to); - Py_CLEAR(clear_module_state->__pyx_kp_u_numpy_core_umath_failed_to_impor); - Py_CLEAR(clear_module_state->__pyx_n_s_pos1); - Py_CLEAR(clear_module_state->__pyx_n_s_pos2); - Py_CLEAR(clear_module_state->__pyx_n_s_r2); - Py_CLEAR(clear_module_state->__pyx_n_s_range); - Py_CLEAR(clear_module_state->__pyx_n_s_s); - Py_CLEAR(clear_module_state->__pyx_n_s_s12); - Py_CLEAR(clear_module_state->__pyx_n_s_s6); - Py_CLEAR(clear_module_state->__pyx_n_s_sigma); - Py_CLEAR(clear_module_state->__pyx_n_s_spec); - Py_CLEAR(clear_module_state->__pyx_n_s_test); - Py_CLEAR(clear_module_state->__pyx_n_s_threshold); - Py_CLEAR(clear_module_state->__pyx_tuple_); - Py_CLEAR(clear_module_state->__pyx_tuple__2); - Py_CLEAR(clear_module_state->__pyx_tuple__4); - Py_CLEAR(clear_module_state->__pyx_codeobj__5); - return 0; -} -#endif -/* #### Code section: module_state_traverse ### */ -#if CYTHON_USE_MODULE_STATE -static int __pyx_m_traverse(PyObject *m, visitproc visit, void *arg) { - __pyx_mstate *traverse_module_state = __pyx_mstate(m); - if (!traverse_module_state) return 0; - Py_VISIT(traverse_module_state->__pyx_d); - Py_VISIT(traverse_module_state->__pyx_b); - Py_VISIT(traverse_module_state->__pyx_cython_runtime); - Py_VISIT(traverse_module_state->__pyx_empty_tuple); - Py_VISIT(traverse_module_state->__pyx_empty_bytes); - Py_VISIT(traverse_module_state->__pyx_empty_unicode); - #ifdef __Pyx_CyFunction_USED - Py_VISIT(traverse_module_state->__pyx_CyFunctionType); - #endif - #ifdef __Pyx_FusedFunction_USED - Py_VISIT(traverse_module_state->__pyx_FusedFunctionType); - #endif - Py_VISIT(traverse_module_state->__pyx_ptype_7cpython_4type_type); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_dtype); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_flatiter); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_broadcast); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_ndarray); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_generic); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_number); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_integer); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_signedinteger); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_unsignedinteger); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_inexact); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_floating); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_complexfloating); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_flexible); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_character); - Py_VISIT(traverse_module_state->__pyx_ptype_5numpy_ufunc); - Py_VISIT(traverse_module_state->__pyx_n_s_G); - Py_VISIT(traverse_module_state->__pyx_n_s_ImportError); - Py_VISIT(traverse_module_state->__pyx_n_s_N); - Py_VISIT(traverse_module_state->__pyx_n_s__3); - Py_VISIT(traverse_module_state->__pyx_n_s__6); - Py_VISIT(traverse_module_state->__pyx_n_s_asyncio_coroutines); - Py_VISIT(traverse_module_state->__pyx_n_s_cell_vectors); - Py_VISIT(traverse_module_state->__pyx_n_s_cline_in_traceback); - Py_VISIT(traverse_module_state->__pyx_n_s_cutoff); - Py_VISIT(traverse_module_state->__pyx_n_s_cutoff_squared); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_cell_basis_x); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_cell_basis_y); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_cell_basis_z); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_x); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_y); - Py_VISIT(traverse_module_state->__pyx_n_s_diff_z); - Py_VISIT(traverse_module_state->__pyx_n_s_e); - Py_VISIT(traverse_module_state->__pyx_n_s_energy); - Py_VISIT(traverse_module_state->__pyx_n_s_energy_grid); - Py_VISIT(traverse_module_state->__pyx_n_s_epsilon); - Py_VISIT(traverse_module_state->__pyx_kp_s_fast_grid_potential_lj_potential); - Py_VISIT(traverse_module_state->__pyx_n_s_fast_grid_potential_lj_potential_2); - Py_VISIT(traverse_module_state->__pyx_n_s_i); - Py_VISIT(traverse_module_state->__pyx_n_s_import); - Py_VISIT(traverse_module_state->__pyx_n_s_initializing); - Py_VISIT(traverse_module_state->__pyx_n_s_inv_r12); - Py_VISIT(traverse_module_state->__pyx_n_s_inv_r2); - Py_VISIT(traverse_module_state->__pyx_n_s_inv_r6); - Py_VISIT(traverse_module_state->__pyx_n_s_inverse_cell); - Py_VISIT(traverse_module_state->__pyx_n_s_is_coroutine); - Py_VISIT(traverse_module_state->__pyx_n_s_j); - Py_VISIT(traverse_module_state->__pyx_n_s_lj12); - Py_VISIT(traverse_module_state->__pyx_n_s_lj6); - Py_VISIT(traverse_module_state->__pyx_n_s_lj_potential_cython); - Py_VISIT(traverse_module_state->__pyx_n_s_main); - Py_VISIT(traverse_module_state->__pyx_n_s_name); - Py_VISIT(traverse_module_state->__pyx_n_s_np); - Py_VISIT(traverse_module_state->__pyx_n_s_numpy); - Py_VISIT(traverse_module_state->__pyx_kp_u_numpy_core_multiarray_failed_to); - Py_VISIT(traverse_module_state->__pyx_kp_u_numpy_core_umath_failed_to_impor); - Py_VISIT(traverse_module_state->__pyx_n_s_pos1); - Py_VISIT(traverse_module_state->__pyx_n_s_pos2); - Py_VISIT(traverse_module_state->__pyx_n_s_r2); - Py_VISIT(traverse_module_state->__pyx_n_s_range); - Py_VISIT(traverse_module_state->__pyx_n_s_s); - Py_VISIT(traverse_module_state->__pyx_n_s_s12); - Py_VISIT(traverse_module_state->__pyx_n_s_s6); - Py_VISIT(traverse_module_state->__pyx_n_s_sigma); - Py_VISIT(traverse_module_state->__pyx_n_s_spec); - Py_VISIT(traverse_module_state->__pyx_n_s_test); - Py_VISIT(traverse_module_state->__pyx_n_s_threshold); - Py_VISIT(traverse_module_state->__pyx_tuple_); - Py_VISIT(traverse_module_state->__pyx_tuple__2); - Py_VISIT(traverse_module_state->__pyx_tuple__4); - Py_VISIT(traverse_module_state->__pyx_codeobj__5); - return 0; -} -#endif -/* #### Code section: module_state_defines ### */ -#define __pyx_d __pyx_mstate_global->__pyx_d -#define __pyx_b __pyx_mstate_global->__pyx_b -#define __pyx_cython_runtime __pyx_mstate_global->__pyx_cython_runtime -#define __pyx_empty_tuple __pyx_mstate_global->__pyx_empty_tuple -#define __pyx_empty_bytes __pyx_mstate_global->__pyx_empty_bytes -#define __pyx_empty_unicode __pyx_mstate_global->__pyx_empty_unicode -#ifdef __Pyx_CyFunction_USED -#define __pyx_CyFunctionType __pyx_mstate_global->__pyx_CyFunctionType -#endif -#ifdef __Pyx_FusedFunction_USED -#define __pyx_FusedFunctionType __pyx_mstate_global->__pyx_FusedFunctionType -#endif -#ifdef __Pyx_Generator_USED -#define __pyx_GeneratorType __pyx_mstate_global->__pyx_GeneratorType -#endif -#ifdef __Pyx_IterableCoroutine_USED -#define __pyx_IterableCoroutineType __pyx_mstate_global->__pyx_IterableCoroutineType -#endif -#ifdef __Pyx_Coroutine_USED -#define __pyx_CoroutineAwaitType __pyx_mstate_global->__pyx_CoroutineAwaitType -#endif -#ifdef __Pyx_Coroutine_USED -#define __pyx_CoroutineType __pyx_mstate_global->__pyx_CoroutineType -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#define __pyx_ptype_7cpython_4type_type __pyx_mstate_global->__pyx_ptype_7cpython_4type_type -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#define __pyx_ptype_5numpy_dtype __pyx_mstate_global->__pyx_ptype_5numpy_dtype -#define __pyx_ptype_5numpy_flatiter __pyx_mstate_global->__pyx_ptype_5numpy_flatiter -#define __pyx_ptype_5numpy_broadcast __pyx_mstate_global->__pyx_ptype_5numpy_broadcast -#define __pyx_ptype_5numpy_ndarray __pyx_mstate_global->__pyx_ptype_5numpy_ndarray -#define __pyx_ptype_5numpy_generic __pyx_mstate_global->__pyx_ptype_5numpy_generic -#define __pyx_ptype_5numpy_number __pyx_mstate_global->__pyx_ptype_5numpy_number -#define __pyx_ptype_5numpy_integer __pyx_mstate_global->__pyx_ptype_5numpy_integer -#define __pyx_ptype_5numpy_signedinteger __pyx_mstate_global->__pyx_ptype_5numpy_signedinteger -#define __pyx_ptype_5numpy_unsignedinteger __pyx_mstate_global->__pyx_ptype_5numpy_unsignedinteger -#define __pyx_ptype_5numpy_inexact __pyx_mstate_global->__pyx_ptype_5numpy_inexact -#define __pyx_ptype_5numpy_floating __pyx_mstate_global->__pyx_ptype_5numpy_floating -#define __pyx_ptype_5numpy_complexfloating __pyx_mstate_global->__pyx_ptype_5numpy_complexfloating -#define __pyx_ptype_5numpy_flexible __pyx_mstate_global->__pyx_ptype_5numpy_flexible -#define __pyx_ptype_5numpy_character __pyx_mstate_global->__pyx_ptype_5numpy_character -#define __pyx_ptype_5numpy_ufunc __pyx_mstate_global->__pyx_ptype_5numpy_ufunc -#if CYTHON_USE_MODULE_STATE -#endif -#if CYTHON_USE_MODULE_STATE -#endif -#define __pyx_n_s_G __pyx_mstate_global->__pyx_n_s_G -#define __pyx_n_s_ImportError __pyx_mstate_global->__pyx_n_s_ImportError -#define __pyx_n_s_N __pyx_mstate_global->__pyx_n_s_N -#define __pyx_n_s__3 __pyx_mstate_global->__pyx_n_s__3 -#define __pyx_n_s__6 __pyx_mstate_global->__pyx_n_s__6 -#define __pyx_n_s_asyncio_coroutines __pyx_mstate_global->__pyx_n_s_asyncio_coroutines -#define __pyx_n_s_cell_vectors __pyx_mstate_global->__pyx_n_s_cell_vectors -#define __pyx_n_s_cline_in_traceback __pyx_mstate_global->__pyx_n_s_cline_in_traceback -#define __pyx_n_s_cutoff __pyx_mstate_global->__pyx_n_s_cutoff -#define __pyx_n_s_cutoff_squared __pyx_mstate_global->__pyx_n_s_cutoff_squared -#define __pyx_n_s_diff_cell_basis_x __pyx_mstate_global->__pyx_n_s_diff_cell_basis_x -#define __pyx_n_s_diff_cell_basis_y __pyx_mstate_global->__pyx_n_s_diff_cell_basis_y -#define __pyx_n_s_diff_cell_basis_z __pyx_mstate_global->__pyx_n_s_diff_cell_basis_z -#define __pyx_n_s_diff_x __pyx_mstate_global->__pyx_n_s_diff_x -#define __pyx_n_s_diff_y __pyx_mstate_global->__pyx_n_s_diff_y -#define __pyx_n_s_diff_z __pyx_mstate_global->__pyx_n_s_diff_z -#define __pyx_n_s_e __pyx_mstate_global->__pyx_n_s_e -#define __pyx_n_s_energy __pyx_mstate_global->__pyx_n_s_energy -#define __pyx_n_s_energy_grid __pyx_mstate_global->__pyx_n_s_energy_grid -#define __pyx_n_s_epsilon __pyx_mstate_global->__pyx_n_s_epsilon -#define __pyx_kp_s_fast_grid_potential_lj_potential __pyx_mstate_global->__pyx_kp_s_fast_grid_potential_lj_potential -#define __pyx_n_s_fast_grid_potential_lj_potential_2 __pyx_mstate_global->__pyx_n_s_fast_grid_potential_lj_potential_2 -#define __pyx_n_s_i __pyx_mstate_global->__pyx_n_s_i -#define __pyx_n_s_import __pyx_mstate_global->__pyx_n_s_import -#define __pyx_n_s_initializing __pyx_mstate_global->__pyx_n_s_initializing -#define __pyx_n_s_inv_r12 __pyx_mstate_global->__pyx_n_s_inv_r12 -#define __pyx_n_s_inv_r2 __pyx_mstate_global->__pyx_n_s_inv_r2 -#define __pyx_n_s_inv_r6 __pyx_mstate_global->__pyx_n_s_inv_r6 -#define __pyx_n_s_inverse_cell __pyx_mstate_global->__pyx_n_s_inverse_cell -#define __pyx_n_s_is_coroutine __pyx_mstate_global->__pyx_n_s_is_coroutine -#define __pyx_n_s_j __pyx_mstate_global->__pyx_n_s_j -#define __pyx_n_s_lj12 __pyx_mstate_global->__pyx_n_s_lj12 -#define __pyx_n_s_lj6 __pyx_mstate_global->__pyx_n_s_lj6 -#define __pyx_n_s_lj_potential_cython __pyx_mstate_global->__pyx_n_s_lj_potential_cython -#define __pyx_n_s_main __pyx_mstate_global->__pyx_n_s_main -#define __pyx_n_s_name __pyx_mstate_global->__pyx_n_s_name -#define __pyx_n_s_np __pyx_mstate_global->__pyx_n_s_np -#define __pyx_n_s_numpy __pyx_mstate_global->__pyx_n_s_numpy -#define __pyx_kp_u_numpy_core_multiarray_failed_to __pyx_mstate_global->__pyx_kp_u_numpy_core_multiarray_failed_to -#define __pyx_kp_u_numpy_core_umath_failed_to_impor __pyx_mstate_global->__pyx_kp_u_numpy_core_umath_failed_to_impor -#define __pyx_n_s_pos1 __pyx_mstate_global->__pyx_n_s_pos1 -#define __pyx_n_s_pos2 __pyx_mstate_global->__pyx_n_s_pos2 -#define __pyx_n_s_r2 __pyx_mstate_global->__pyx_n_s_r2 -#define __pyx_n_s_range __pyx_mstate_global->__pyx_n_s_range -#define __pyx_n_s_s __pyx_mstate_global->__pyx_n_s_s -#define __pyx_n_s_s12 __pyx_mstate_global->__pyx_n_s_s12 -#define __pyx_n_s_s6 __pyx_mstate_global->__pyx_n_s_s6 -#define __pyx_n_s_sigma __pyx_mstate_global->__pyx_n_s_sigma -#define __pyx_n_s_spec __pyx_mstate_global->__pyx_n_s_spec -#define __pyx_n_s_test __pyx_mstate_global->__pyx_n_s_test -#define __pyx_n_s_threshold __pyx_mstate_global->__pyx_n_s_threshold -#define __pyx_tuple_ __pyx_mstate_global->__pyx_tuple_ -#define __pyx_tuple__2 __pyx_mstate_global->__pyx_tuple__2 -#define __pyx_tuple__4 __pyx_mstate_global->__pyx_tuple__4 -#define __pyx_codeobj__5 __pyx_mstate_global->__pyx_codeobj__5 -/* #### Code section: module_code ### */ - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":245 - * - * @property - * cdef inline PyObject* base(self) nogil: # <<<<<<<<<<<<<< - * """Returns a borrowed reference to the object owning the data/memory. - * """ - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_7ndarray_4base_base(PyArrayObject *__pyx_v_self) { - PyObject *__pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":248 - * """Returns a borrowed reference to the object owning the data/memory. - * """ - * return PyArray_BASE(self) # <<<<<<<<<<<<<< - * - * @property - */ - __pyx_r = PyArray_BASE(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":245 - * - * @property - * cdef inline PyObject* base(self) nogil: # <<<<<<<<<<<<<< - * """Returns a borrowed reference to the object owning the data/memory. - * """ - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":251 - * - * @property - * cdef inline dtype descr(self): # <<<<<<<<<<<<<< - * """Returns an owned reference to the dtype of the array. - * """ - */ - -static CYTHON_INLINE PyArray_Descr *__pyx_f_5numpy_7ndarray_5descr_descr(PyArrayObject *__pyx_v_self) { - PyArray_Descr *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyArray_Descr *__pyx_t_1; - __Pyx_RefNannySetupContext("descr", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":254 - * """Returns an owned reference to the dtype of the array. - * """ - * return PyArray_DESCR(self) # <<<<<<<<<<<<<< - * - * @property - */ - __Pyx_XDECREF((PyObject *)__pyx_r); - __pyx_t_1 = PyArray_DESCR(__pyx_v_self); - __Pyx_INCREF((PyObject *)((PyArray_Descr *)__pyx_t_1)); - __pyx_r = ((PyArray_Descr *)__pyx_t_1); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":251 - * - * @property - * cdef inline dtype descr(self): # <<<<<<<<<<<<<< - * """Returns an owned reference to the dtype of the array. - * """ - */ - - /* function exit code */ - __pyx_L0:; - __Pyx_XGIVEREF((PyObject *)__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":257 - * - * @property - * cdef inline int ndim(self) nogil: # <<<<<<<<<<<<<< - * """Returns the number of dimensions in the array. - * """ - */ - -static CYTHON_INLINE int __pyx_f_5numpy_7ndarray_4ndim_ndim(PyArrayObject *__pyx_v_self) { - int __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":260 - * """Returns the number of dimensions in the array. - * """ - * return PyArray_NDIM(self) # <<<<<<<<<<<<<< - * - * @property - */ - __pyx_r = PyArray_NDIM(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":257 - * - * @property - * cdef inline int ndim(self) nogil: # <<<<<<<<<<<<<< - * """Returns the number of dimensions in the array. - * """ - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":263 - * - * @property - * cdef inline npy_intp *shape(self) nogil: # <<<<<<<<<<<<<< - * """Returns a pointer to the dimensions/shape of the array. - * The number of elements matches the number of dimensions of the array (ndim). - */ - -static CYTHON_INLINE npy_intp *__pyx_f_5numpy_7ndarray_5shape_shape(PyArrayObject *__pyx_v_self) { - npy_intp *__pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":268 - * Can return NULL for 0-dimensional arrays. - * """ - * return PyArray_DIMS(self) # <<<<<<<<<<<<<< - * - * @property - */ - __pyx_r = PyArray_DIMS(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":263 - * - * @property - * cdef inline npy_intp *shape(self) nogil: # <<<<<<<<<<<<<< - * """Returns a pointer to the dimensions/shape of the array. - * The number of elements matches the number of dimensions of the array (ndim). - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":271 - * - * @property - * cdef inline npy_intp *strides(self) nogil: # <<<<<<<<<<<<<< - * """Returns a pointer to the strides of the array. - * The number of elements matches the number of dimensions of the array (ndim). - */ - -static CYTHON_INLINE npy_intp *__pyx_f_5numpy_7ndarray_7strides_strides(PyArrayObject *__pyx_v_self) { - npy_intp *__pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":275 - * The number of elements matches the number of dimensions of the array (ndim). - * """ - * return PyArray_STRIDES(self) # <<<<<<<<<<<<<< - * - * @property - */ - __pyx_r = PyArray_STRIDES(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":271 - * - * @property - * cdef inline npy_intp *strides(self) nogil: # <<<<<<<<<<<<<< - * """Returns a pointer to the strides of the array. - * The number of elements matches the number of dimensions of the array (ndim). - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":278 - * - * @property - * cdef inline npy_intp size(self) nogil: # <<<<<<<<<<<<<< - * """Returns the total size (in number of elements) of the array. - * """ - */ - -static CYTHON_INLINE npy_intp __pyx_f_5numpy_7ndarray_4size_size(PyArrayObject *__pyx_v_self) { - npy_intp __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":281 - * """Returns the total size (in number of elements) of the array. - * """ - * return PyArray_SIZE(self) # <<<<<<<<<<<<<< - * - * @property - */ - __pyx_r = PyArray_SIZE(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":278 - * - * @property - * cdef inline npy_intp size(self) nogil: # <<<<<<<<<<<<<< - * """Returns the total size (in number of elements) of the array. - * """ - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":284 - * - * @property - * cdef inline char* data(self) nogil: # <<<<<<<<<<<<<< - * """The pointer to the data buffer as a char*. - * This is provided for legacy reasons to avoid direct struct field access. - */ - -static CYTHON_INLINE char *__pyx_f_5numpy_7ndarray_4data_data(PyArrayObject *__pyx_v_self) { - char *__pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":290 - * of `PyArray_DATA()` instead, which returns a 'void*'. - * """ - * return PyArray_BYTES(self) # <<<<<<<<<<<<<< - * - * ctypedef unsigned char npy_bool - */ - __pyx_r = PyArray_BYTES(__pyx_v_self); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":284 - * - * @property - * cdef inline char* data(self) nogil: # <<<<<<<<<<<<<< - * """The pointer to the data buffer as a char*. - * This is provided for legacy reasons to avoid direct struct field access. - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":773 - * ctypedef npy_cdouble complex_t - * - * cdef inline object PyArray_MultiIterNew1(a): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(1, a) - * - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew1(PyObject *__pyx_v_a) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("PyArray_MultiIterNew1", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":774 - * - * cdef inline object PyArray_MultiIterNew1(a): - * return PyArray_MultiIterNew(1, a) # <<<<<<<<<<<<<< - * - * cdef inline object PyArray_MultiIterNew2(a, b): - */ - __Pyx_XDECREF(__pyx_r); - __pyx_t_1 = PyArray_MultiIterNew(1, ((void *)__pyx_v_a)); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 774, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_r = __pyx_t_1; - __pyx_t_1 = 0; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":773 - * ctypedef npy_cdouble complex_t - * - * cdef inline object PyArray_MultiIterNew1(a): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(1, a) - * - */ - - /* function exit code */ - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_AddTraceback("numpy.PyArray_MultiIterNew1", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = 0; - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":776 - * return PyArray_MultiIterNew(1, a) - * - * cdef inline object PyArray_MultiIterNew2(a, b): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(2, a, b) - * - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew2(PyObject *__pyx_v_a, PyObject *__pyx_v_b) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("PyArray_MultiIterNew2", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":777 - * - * cdef inline object PyArray_MultiIterNew2(a, b): - * return PyArray_MultiIterNew(2, a, b) # <<<<<<<<<<<<<< - * - * cdef inline object PyArray_MultiIterNew3(a, b, c): - */ - __Pyx_XDECREF(__pyx_r); - __pyx_t_1 = PyArray_MultiIterNew(2, ((void *)__pyx_v_a), ((void *)__pyx_v_b)); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 777, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_r = __pyx_t_1; - __pyx_t_1 = 0; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":776 - * return PyArray_MultiIterNew(1, a) - * - * cdef inline object PyArray_MultiIterNew2(a, b): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(2, a, b) - * - */ - - /* function exit code */ - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_AddTraceback("numpy.PyArray_MultiIterNew2", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = 0; - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":779 - * return PyArray_MultiIterNew(2, a, b) - * - * cdef inline object PyArray_MultiIterNew3(a, b, c): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(3, a, b, c) - * - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew3(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("PyArray_MultiIterNew3", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":780 - * - * cdef inline object PyArray_MultiIterNew3(a, b, c): - * return PyArray_MultiIterNew(3, a, b, c) # <<<<<<<<<<<<<< - * - * cdef inline object PyArray_MultiIterNew4(a, b, c, d): - */ - __Pyx_XDECREF(__pyx_r); - __pyx_t_1 = PyArray_MultiIterNew(3, ((void *)__pyx_v_a), ((void *)__pyx_v_b), ((void *)__pyx_v_c)); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 780, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_r = __pyx_t_1; - __pyx_t_1 = 0; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":779 - * return PyArray_MultiIterNew(2, a, b) - * - * cdef inline object PyArray_MultiIterNew3(a, b, c): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(3, a, b, c) - * - */ - - /* function exit code */ - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_AddTraceback("numpy.PyArray_MultiIterNew3", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = 0; - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":782 - * return PyArray_MultiIterNew(3, a, b, c) - * - * cdef inline object PyArray_MultiIterNew4(a, b, c, d): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(4, a, b, c, d) - * - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew4(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c, PyObject *__pyx_v_d) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("PyArray_MultiIterNew4", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":783 - * - * cdef inline object PyArray_MultiIterNew4(a, b, c, d): - * return PyArray_MultiIterNew(4, a, b, c, d) # <<<<<<<<<<<<<< - * - * cdef inline object PyArray_MultiIterNew5(a, b, c, d, e): - */ - __Pyx_XDECREF(__pyx_r); - __pyx_t_1 = PyArray_MultiIterNew(4, ((void *)__pyx_v_a), ((void *)__pyx_v_b), ((void *)__pyx_v_c), ((void *)__pyx_v_d)); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 783, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_r = __pyx_t_1; - __pyx_t_1 = 0; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":782 - * return PyArray_MultiIterNew(3, a, b, c) - * - * cdef inline object PyArray_MultiIterNew4(a, b, c, d): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(4, a, b, c, d) - * - */ - - /* function exit code */ - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_AddTraceback("numpy.PyArray_MultiIterNew4", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = 0; - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":785 - * return PyArray_MultiIterNew(4, a, b, c, d) - * - * cdef inline object PyArray_MultiIterNew5(a, b, c, d, e): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(5, a, b, c, d, e) - * - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew5(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c, PyObject *__pyx_v_d, PyObject *__pyx_v_e) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("PyArray_MultiIterNew5", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":786 - * - * cdef inline object PyArray_MultiIterNew5(a, b, c, d, e): - * return PyArray_MultiIterNew(5, a, b, c, d, e) # <<<<<<<<<<<<<< - * - * cdef inline tuple PyDataType_SHAPE(dtype d): - */ - __Pyx_XDECREF(__pyx_r); - __pyx_t_1 = PyArray_MultiIterNew(5, ((void *)__pyx_v_a), ((void *)__pyx_v_b), ((void *)__pyx_v_c), ((void *)__pyx_v_d), ((void *)__pyx_v_e)); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 786, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_r = __pyx_t_1; - __pyx_t_1 = 0; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":785 - * return PyArray_MultiIterNew(4, a, b, c, d) - * - * cdef inline object PyArray_MultiIterNew5(a, b, c, d, e): # <<<<<<<<<<<<<< - * return PyArray_MultiIterNew(5, a, b, c, d, e) - * - */ - - /* function exit code */ - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_AddTraceback("numpy.PyArray_MultiIterNew5", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = 0; - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":788 - * return PyArray_MultiIterNew(5, a, b, c, d, e) - * - * cdef inline tuple PyDataType_SHAPE(dtype d): # <<<<<<<<<<<<<< - * if PyDataType_HASSUBARRAY(d): - * return d.subarray.shape - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyDataType_SHAPE(PyArray_Descr *__pyx_v_d) { - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - int __pyx_t_1; - __Pyx_RefNannySetupContext("PyDataType_SHAPE", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":789 - * - * cdef inline tuple PyDataType_SHAPE(dtype d): - * if PyDataType_HASSUBARRAY(d): # <<<<<<<<<<<<<< - * return d.subarray.shape - * else: - */ - __pyx_t_1 = PyDataType_HASSUBARRAY(__pyx_v_d); - if (__pyx_t_1) { - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":790 - * cdef inline tuple PyDataType_SHAPE(dtype d): - * if PyDataType_HASSUBARRAY(d): - * return d.subarray.shape # <<<<<<<<<<<<<< - * else: - * return () - */ - __Pyx_XDECREF(__pyx_r); - __Pyx_INCREF(((PyObject*)__pyx_v_d->subarray->shape)); - __pyx_r = ((PyObject*)__pyx_v_d->subarray->shape); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":789 - * - * cdef inline tuple PyDataType_SHAPE(dtype d): - * if PyDataType_HASSUBARRAY(d): # <<<<<<<<<<<<<< - * return d.subarray.shape - * else: - */ - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":792 - * return d.subarray.shape - * else: - * return () # <<<<<<<<<<<<<< - * - * - */ - /*else*/ { - __Pyx_XDECREF(__pyx_r); - __Pyx_INCREF(__pyx_empty_tuple); - __pyx_r = __pyx_empty_tuple; - goto __pyx_L0; - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":788 - * return PyArray_MultiIterNew(5, a, b, c, d, e) - * - * cdef inline tuple PyDataType_SHAPE(dtype d): # <<<<<<<<<<<<<< - * if PyDataType_HASSUBARRAY(d): - * return d.subarray.shape - */ - - /* function exit code */ - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":968 - * int _import_umath() except -1 - * - * cdef inline void set_array_base(ndarray arr, object base): # <<<<<<<<<<<<<< - * Py_INCREF(base) # important to do this before stealing the reference below! - * PyArray_SetBaseObject(arr, base) - */ - -static CYTHON_INLINE void __pyx_f_5numpy_set_array_base(PyArrayObject *__pyx_v_arr, PyObject *__pyx_v_base) { - int __pyx_t_1; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":969 - * - * cdef inline void set_array_base(ndarray arr, object base): - * Py_INCREF(base) # important to do this before stealing the reference below! # <<<<<<<<<<<<<< - * PyArray_SetBaseObject(arr, base) - * - */ - Py_INCREF(__pyx_v_base); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":970 - * cdef inline void set_array_base(ndarray arr, object base): - * Py_INCREF(base) # important to do this before stealing the reference below! - * PyArray_SetBaseObject(arr, base) # <<<<<<<<<<<<<< - * - * cdef inline object get_array_base(ndarray arr): - */ - __pyx_t_1 = PyArray_SetBaseObject(__pyx_v_arr, __pyx_v_base); if (unlikely(__pyx_t_1 == ((int)-1))) __PYX_ERR(1, 970, __pyx_L1_error) - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":968 - * int _import_umath() except -1 - * - * cdef inline void set_array_base(ndarray arr, object base): # <<<<<<<<<<<<<< - * Py_INCREF(base) # important to do this before stealing the reference below! - * PyArray_SetBaseObject(arr, base) - */ - - /* function exit code */ - goto __pyx_L0; - __pyx_L1_error:; - __Pyx_AddTraceback("numpy.set_array_base", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_L0:; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":972 - * PyArray_SetBaseObject(arr, base) - * - * cdef inline object get_array_base(ndarray arr): # <<<<<<<<<<<<<< - * base = PyArray_BASE(arr) - * if base is NULL: - */ - -static CYTHON_INLINE PyObject *__pyx_f_5numpy_get_array_base(PyArrayObject *__pyx_v_arr) { - PyObject *__pyx_v_base; - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - int __pyx_t_1; - __Pyx_RefNannySetupContext("get_array_base", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":973 - * - * cdef inline object get_array_base(ndarray arr): - * base = PyArray_BASE(arr) # <<<<<<<<<<<<<< - * if base is NULL: - * return None - */ - __pyx_v_base = PyArray_BASE(__pyx_v_arr); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":974 - * cdef inline object get_array_base(ndarray arr): - * base = PyArray_BASE(arr) - * if base is NULL: # <<<<<<<<<<<<<< - * return None - * return base - */ - __pyx_t_1 = (__pyx_v_base == NULL); - if (__pyx_t_1) { - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":975 - * base = PyArray_BASE(arr) - * if base is NULL: - * return None # <<<<<<<<<<<<<< - * return base - * - */ - __Pyx_XDECREF(__pyx_r); - __pyx_r = Py_None; __Pyx_INCREF(Py_None); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":974 - * cdef inline object get_array_base(ndarray arr): - * base = PyArray_BASE(arr) - * if base is NULL: # <<<<<<<<<<<<<< - * return None - * return base - */ - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":976 - * if base is NULL: - * return None - * return base # <<<<<<<<<<<<<< - * - * # Versions of the import_* functions which are more suitable for - */ - __Pyx_XDECREF(__pyx_r); - __Pyx_INCREF(((PyObject *)__pyx_v_base)); - __pyx_r = ((PyObject *)__pyx_v_base); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":972 - * PyArray_SetBaseObject(arr, base) - * - * cdef inline object get_array_base(ndarray arr): # <<<<<<<<<<<<<< - * base = PyArray_BASE(arr) - * if base is NULL: - */ - - /* function exit code */ - __pyx_L0:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":980 - * # Versions of the import_* functions which are more suitable for - * # Cython code. - * cdef inline int import_array() except -1: # <<<<<<<<<<<<<< - * try: - * __pyx_import_array() - */ - -static CYTHON_INLINE int __pyx_f_5numpy_import_array(void) { - int __pyx_r; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - PyObject *__pyx_t_2 = NULL; - PyObject *__pyx_t_3 = NULL; - int __pyx_t_4; - PyObject *__pyx_t_5 = NULL; - PyObject *__pyx_t_6 = NULL; - PyObject *__pyx_t_7 = NULL; - PyObject *__pyx_t_8 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("import_array", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":981 - * # Cython code. - * cdef inline int import_array() except -1: - * try: # <<<<<<<<<<<<<< - * __pyx_import_array() - * except Exception: - */ - { - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - __Pyx_ExceptionSave(&__pyx_t_1, &__pyx_t_2, &__pyx_t_3); - __Pyx_XGOTREF(__pyx_t_1); - __Pyx_XGOTREF(__pyx_t_2); - __Pyx_XGOTREF(__pyx_t_3); - /*try:*/ { - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":982 - * cdef inline int import_array() except -1: - * try: - * __pyx_import_array() # <<<<<<<<<<<<<< - * except Exception: - * raise ImportError("numpy.core.multiarray failed to import") - */ - __pyx_t_4 = _import_array(); if (unlikely(__pyx_t_4 == ((int)-1))) __PYX_ERR(1, 982, __pyx_L3_error) - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":981 - * # Cython code. - * cdef inline int import_array() except -1: - * try: # <<<<<<<<<<<<<< - * __pyx_import_array() - * except Exception: - */ - } - __Pyx_XDECREF(__pyx_t_1); __pyx_t_1 = 0; - __Pyx_XDECREF(__pyx_t_2); __pyx_t_2 = 0; - __Pyx_XDECREF(__pyx_t_3); __pyx_t_3 = 0; - goto __pyx_L8_try_end; - __pyx_L3_error:; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":983 - * try: - * __pyx_import_array() - * except Exception: # <<<<<<<<<<<<<< - * raise ImportError("numpy.core.multiarray failed to import") - * - */ - __pyx_t_4 = __Pyx_PyErr_ExceptionMatches(((PyObject *)(&((PyTypeObject*)PyExc_Exception)[0]))); - if (__pyx_t_4) { - __Pyx_AddTraceback("numpy.import_array", __pyx_clineno, __pyx_lineno, __pyx_filename); - if (__Pyx_GetException(&__pyx_t_5, &__pyx_t_6, &__pyx_t_7) < 0) __PYX_ERR(1, 983, __pyx_L5_except_error) - __Pyx_XGOTREF(__pyx_t_5); - __Pyx_XGOTREF(__pyx_t_6); - __Pyx_XGOTREF(__pyx_t_7); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":984 - * __pyx_import_array() - * except Exception: - * raise ImportError("numpy.core.multiarray failed to import") # <<<<<<<<<<<<<< - * - * cdef inline int import_umath() except -1: - */ - __pyx_t_8 = __Pyx_PyObject_Call(__pyx_builtin_ImportError, __pyx_tuple_, NULL); if (unlikely(!__pyx_t_8)) __PYX_ERR(1, 984, __pyx_L5_except_error) - __Pyx_GOTREF(__pyx_t_8); - __Pyx_Raise(__pyx_t_8, 0, 0, 0); - __Pyx_DECREF(__pyx_t_8); __pyx_t_8 = 0; - __PYX_ERR(1, 984, __pyx_L5_except_error) - } - goto __pyx_L5_except_error; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":981 - * # Cython code. - * cdef inline int import_array() except -1: - * try: # <<<<<<<<<<<<<< - * __pyx_import_array() - * except Exception: - */ - __pyx_L5_except_error:; - __Pyx_XGIVEREF(__pyx_t_1); - __Pyx_XGIVEREF(__pyx_t_2); - __Pyx_XGIVEREF(__pyx_t_3); - __Pyx_ExceptionReset(__pyx_t_1, __pyx_t_2, __pyx_t_3); - goto __pyx_L1_error; - __pyx_L8_try_end:; - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":980 - * # Versions of the import_* functions which are more suitable for - * # Cython code. - * cdef inline int import_array() except -1: # <<<<<<<<<<<<<< - * try: - * __pyx_import_array() - */ - - /* function exit code */ - __pyx_r = 0; - goto __pyx_L0; - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_5); - __Pyx_XDECREF(__pyx_t_6); - __Pyx_XDECREF(__pyx_t_7); - __Pyx_XDECREF(__pyx_t_8); - __Pyx_AddTraceback("numpy.import_array", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = -1; - __pyx_L0:; - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":986 - * raise ImportError("numpy.core.multiarray failed to import") - * - * cdef inline int import_umath() except -1: # <<<<<<<<<<<<<< - * try: - * _import_umath() - */ - -static CYTHON_INLINE int __pyx_f_5numpy_import_umath(void) { - int __pyx_r; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - PyObject *__pyx_t_2 = NULL; - PyObject *__pyx_t_3 = NULL; - int __pyx_t_4; - PyObject *__pyx_t_5 = NULL; - PyObject *__pyx_t_6 = NULL; - PyObject *__pyx_t_7 = NULL; - PyObject *__pyx_t_8 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("import_umath", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":987 - * - * cdef inline int import_umath() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - { - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - __Pyx_ExceptionSave(&__pyx_t_1, &__pyx_t_2, &__pyx_t_3); - __Pyx_XGOTREF(__pyx_t_1); - __Pyx_XGOTREF(__pyx_t_2); - __Pyx_XGOTREF(__pyx_t_3); - /*try:*/ { - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":988 - * cdef inline int import_umath() except -1: - * try: - * _import_umath() # <<<<<<<<<<<<<< - * except Exception: - * raise ImportError("numpy.core.umath failed to import") - */ - __pyx_t_4 = _import_umath(); if (unlikely(__pyx_t_4 == ((int)-1))) __PYX_ERR(1, 988, __pyx_L3_error) - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":987 - * - * cdef inline int import_umath() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - } - __Pyx_XDECREF(__pyx_t_1); __pyx_t_1 = 0; - __Pyx_XDECREF(__pyx_t_2); __pyx_t_2 = 0; - __Pyx_XDECREF(__pyx_t_3); __pyx_t_3 = 0; - goto __pyx_L8_try_end; - __pyx_L3_error:; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":989 - * try: - * _import_umath() - * except Exception: # <<<<<<<<<<<<<< - * raise ImportError("numpy.core.umath failed to import") - * - */ - __pyx_t_4 = __Pyx_PyErr_ExceptionMatches(((PyObject *)(&((PyTypeObject*)PyExc_Exception)[0]))); - if (__pyx_t_4) { - __Pyx_AddTraceback("numpy.import_umath", __pyx_clineno, __pyx_lineno, __pyx_filename); - if (__Pyx_GetException(&__pyx_t_5, &__pyx_t_6, &__pyx_t_7) < 0) __PYX_ERR(1, 989, __pyx_L5_except_error) - __Pyx_XGOTREF(__pyx_t_5); - __Pyx_XGOTREF(__pyx_t_6); - __Pyx_XGOTREF(__pyx_t_7); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":990 - * _import_umath() - * except Exception: - * raise ImportError("numpy.core.umath failed to import") # <<<<<<<<<<<<<< - * - * cdef inline int import_ufunc() except -1: - */ - __pyx_t_8 = __Pyx_PyObject_Call(__pyx_builtin_ImportError, __pyx_tuple__2, NULL); if (unlikely(!__pyx_t_8)) __PYX_ERR(1, 990, __pyx_L5_except_error) - __Pyx_GOTREF(__pyx_t_8); - __Pyx_Raise(__pyx_t_8, 0, 0, 0); - __Pyx_DECREF(__pyx_t_8); __pyx_t_8 = 0; - __PYX_ERR(1, 990, __pyx_L5_except_error) - } - goto __pyx_L5_except_error; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":987 - * - * cdef inline int import_umath() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - __pyx_L5_except_error:; - __Pyx_XGIVEREF(__pyx_t_1); - __Pyx_XGIVEREF(__pyx_t_2); - __Pyx_XGIVEREF(__pyx_t_3); - __Pyx_ExceptionReset(__pyx_t_1, __pyx_t_2, __pyx_t_3); - goto __pyx_L1_error; - __pyx_L8_try_end:; - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":986 - * raise ImportError("numpy.core.multiarray failed to import") - * - * cdef inline int import_umath() except -1: # <<<<<<<<<<<<<< - * try: - * _import_umath() - */ - - /* function exit code */ - __pyx_r = 0; - goto __pyx_L0; - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_5); - __Pyx_XDECREF(__pyx_t_6); - __Pyx_XDECREF(__pyx_t_7); - __Pyx_XDECREF(__pyx_t_8); - __Pyx_AddTraceback("numpy.import_umath", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = -1; - __pyx_L0:; - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":992 - * raise ImportError("numpy.core.umath failed to import") - * - * cdef inline int import_ufunc() except -1: # <<<<<<<<<<<<<< - * try: - * _import_umath() - */ - -static CYTHON_INLINE int __pyx_f_5numpy_import_ufunc(void) { - int __pyx_r; - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - PyObject *__pyx_t_2 = NULL; - PyObject *__pyx_t_3 = NULL; - int __pyx_t_4; - PyObject *__pyx_t_5 = NULL; - PyObject *__pyx_t_6 = NULL; - PyObject *__pyx_t_7 = NULL; - PyObject *__pyx_t_8 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("import_ufunc", 1); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":993 - * - * cdef inline int import_ufunc() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - { - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - __Pyx_ExceptionSave(&__pyx_t_1, &__pyx_t_2, &__pyx_t_3); - __Pyx_XGOTREF(__pyx_t_1); - __Pyx_XGOTREF(__pyx_t_2); - __Pyx_XGOTREF(__pyx_t_3); - /*try:*/ { - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":994 - * cdef inline int import_ufunc() except -1: - * try: - * _import_umath() # <<<<<<<<<<<<<< - * except Exception: - * raise ImportError("numpy.core.umath failed to import") - */ - __pyx_t_4 = _import_umath(); if (unlikely(__pyx_t_4 == ((int)-1))) __PYX_ERR(1, 994, __pyx_L3_error) - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":993 - * - * cdef inline int import_ufunc() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - } - __Pyx_XDECREF(__pyx_t_1); __pyx_t_1 = 0; - __Pyx_XDECREF(__pyx_t_2); __pyx_t_2 = 0; - __Pyx_XDECREF(__pyx_t_3); __pyx_t_3 = 0; - goto __pyx_L8_try_end; - __pyx_L3_error:; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":995 - * try: - * _import_umath() - * except Exception: # <<<<<<<<<<<<<< - * raise ImportError("numpy.core.umath failed to import") - * - */ - __pyx_t_4 = __Pyx_PyErr_ExceptionMatches(((PyObject *)(&((PyTypeObject*)PyExc_Exception)[0]))); - if (__pyx_t_4) { - __Pyx_AddTraceback("numpy.import_ufunc", __pyx_clineno, __pyx_lineno, __pyx_filename); - if (__Pyx_GetException(&__pyx_t_5, &__pyx_t_6, &__pyx_t_7) < 0) __PYX_ERR(1, 995, __pyx_L5_except_error) - __Pyx_XGOTREF(__pyx_t_5); - __Pyx_XGOTREF(__pyx_t_6); - __Pyx_XGOTREF(__pyx_t_7); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":996 - * _import_umath() - * except Exception: - * raise ImportError("numpy.core.umath failed to import") # <<<<<<<<<<<<<< - * - * - */ - __pyx_t_8 = __Pyx_PyObject_Call(__pyx_builtin_ImportError, __pyx_tuple__2, NULL); if (unlikely(!__pyx_t_8)) __PYX_ERR(1, 996, __pyx_L5_except_error) - __Pyx_GOTREF(__pyx_t_8); - __Pyx_Raise(__pyx_t_8, 0, 0, 0); - __Pyx_DECREF(__pyx_t_8); __pyx_t_8 = 0; - __PYX_ERR(1, 996, __pyx_L5_except_error) - } - goto __pyx_L5_except_error; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":993 - * - * cdef inline int import_ufunc() except -1: - * try: # <<<<<<<<<<<<<< - * _import_umath() - * except Exception: - */ - __pyx_L5_except_error:; - __Pyx_XGIVEREF(__pyx_t_1); - __Pyx_XGIVEREF(__pyx_t_2); - __Pyx_XGIVEREF(__pyx_t_3); - __Pyx_ExceptionReset(__pyx_t_1, __pyx_t_2, __pyx_t_3); - goto __pyx_L1_error; - __pyx_L8_try_end:; - } - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":992 - * raise ImportError("numpy.core.umath failed to import") - * - * cdef inline int import_ufunc() except -1: # <<<<<<<<<<<<<< - * try: - * _import_umath() - */ - - /* function exit code */ - __pyx_r = 0; - goto __pyx_L0; - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_5); - __Pyx_XDECREF(__pyx_t_6); - __Pyx_XDECREF(__pyx_t_7); - __Pyx_XDECREF(__pyx_t_8); - __Pyx_AddTraceback("numpy.import_ufunc", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = -1; - __pyx_L0:; - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":999 - * - * - * cdef inline bint is_timedelta64_object(object obj): # <<<<<<<<<<<<<< - * """ - * Cython equivalent of `isinstance(obj, np.timedelta64)` - */ - -static CYTHON_INLINE int __pyx_f_5numpy_is_timedelta64_object(PyObject *__pyx_v_obj) { - int __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1011 - * bool - * """ - * return PyObject_TypeCheck(obj, &PyTimedeltaArrType_Type) # <<<<<<<<<<<<<< - * - * - */ - __pyx_r = PyObject_TypeCheck(__pyx_v_obj, (&PyTimedeltaArrType_Type)); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":999 - * - * - * cdef inline bint is_timedelta64_object(object obj): # <<<<<<<<<<<<<< - * """ - * Cython equivalent of `isinstance(obj, np.timedelta64)` - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1014 - * - * - * cdef inline bint is_datetime64_object(object obj): # <<<<<<<<<<<<<< - * """ - * Cython equivalent of `isinstance(obj, np.datetime64)` - */ - -static CYTHON_INLINE int __pyx_f_5numpy_is_datetime64_object(PyObject *__pyx_v_obj) { - int __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1026 - * bool - * """ - * return PyObject_TypeCheck(obj, &PyDatetimeArrType_Type) # <<<<<<<<<<<<<< - * - * - */ - __pyx_r = PyObject_TypeCheck(__pyx_v_obj, (&PyDatetimeArrType_Type)); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1014 - * - * - * cdef inline bint is_datetime64_object(object obj): # <<<<<<<<<<<<<< - * """ - * Cython equivalent of `isinstance(obj, np.datetime64)` - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1029 - * - * - * cdef inline npy_datetime get_datetime64_value(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the int64 value underlying scalar numpy datetime64 object - */ - -static CYTHON_INLINE npy_datetime __pyx_f_5numpy_get_datetime64_value(PyObject *__pyx_v_obj) { - npy_datetime __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1036 - * also needed. That can be found using `get_datetime64_unit`. - * """ - * return (obj).obval # <<<<<<<<<<<<<< - * - * - */ - __pyx_r = ((PyDatetimeScalarObject *)__pyx_v_obj)->obval; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1029 - * - * - * cdef inline npy_datetime get_datetime64_value(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the int64 value underlying scalar numpy datetime64 object - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1039 - * - * - * cdef inline npy_timedelta get_timedelta64_value(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the int64 value underlying scalar numpy timedelta64 object - */ - -static CYTHON_INLINE npy_timedelta __pyx_f_5numpy_get_timedelta64_value(PyObject *__pyx_v_obj) { - npy_timedelta __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1043 - * returns the int64 value underlying scalar numpy timedelta64 object - * """ - * return (obj).obval # <<<<<<<<<<<<<< - * - * - */ - __pyx_r = ((PyTimedeltaScalarObject *)__pyx_v_obj)->obval; - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1039 - * - * - * cdef inline npy_timedelta get_timedelta64_value(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the int64 value underlying scalar numpy timedelta64 object - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1046 - * - * - * cdef inline NPY_DATETIMEUNIT get_datetime64_unit(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the unit part of the dtype for a numpy datetime64 object. - */ - -static CYTHON_INLINE NPY_DATETIMEUNIT __pyx_f_5numpy_get_datetime64_unit(PyObject *__pyx_v_obj) { - NPY_DATETIMEUNIT __pyx_r; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1050 - * returns the unit part of the dtype for a numpy datetime64 object. - * """ - * return (obj).obmeta.base # <<<<<<<<<<<<<< - */ - __pyx_r = ((NPY_DATETIMEUNIT)((PyDatetimeScalarObject *)__pyx_v_obj)->obmeta.base); - goto __pyx_L0; - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":1046 - * - * - * cdef inline NPY_DATETIMEUNIT get_datetime64_unit(object obj) nogil: # <<<<<<<<<<<<<< - * """ - * returns the unit part of the dtype for a numpy datetime64 object. - */ - - /* function exit code */ - __pyx_L0:; - return __pyx_r; -} - -/* "fast_grid/potential/lj_potential.pyx":10 - * from libc.math cimport round - * - * @cython.wraparound(False) # <<<<<<<<<<<<<< - * @cython.boundscheck(False) - * @cython.cdivision(True) - */ - -/* Python wrapper */ -static PyObject *__pyx_pw_9fast_grid_9potential_12lj_potential_1lj_potential_cython(PyObject *__pyx_self, -#if CYTHON_METH_FASTCALL -PyObject *const *__pyx_args, Py_ssize_t __pyx_nargs, PyObject *__pyx_kwds -#else -PyObject *__pyx_args, PyObject *__pyx_kwds -#endif -); /*proto*/ -static PyMethodDef __pyx_mdef_9fast_grid_9potential_12lj_potential_1lj_potential_cython = {"lj_potential_cython", (PyCFunction)(void*)(__Pyx_PyCFunction_FastCallWithKeywords)__pyx_pw_9fast_grid_9potential_12lj_potential_1lj_potential_cython, __Pyx_METH_FASTCALL|METH_KEYWORDS, 0}; -static PyObject *__pyx_pw_9fast_grid_9potential_12lj_potential_1lj_potential_cython(PyObject *__pyx_self, -#if CYTHON_METH_FASTCALL -PyObject *const *__pyx_args, Py_ssize_t __pyx_nargs, PyObject *__pyx_kwds -#else -PyObject *__pyx_args, PyObject *__pyx_kwds -#endif -) { - PyArrayObject *__pyx_v_pos1 = 0; - PyArrayObject *__pyx_v_pos2 = 0; - PyArrayObject *__pyx_v_cell_vectors = 0; - PyArrayObject *__pyx_v_inverse_cell = 0; - PyArrayObject *__pyx_v_epsilon = 0; - PyArrayObject *__pyx_v_sigma = 0; - float __pyx_v_cutoff; - PyArrayObject *__pyx_v_energy_grid = 0; - #if !CYTHON_METH_FASTCALL - CYTHON_UNUSED Py_ssize_t __pyx_nargs; - #endif - CYTHON_UNUSED PyObject *const *__pyx_kwvalues; - PyObject* values[8] = {0,0,0,0,0,0,0,0}; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - PyObject *__pyx_r = 0; - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("lj_potential_cython (wrapper)", 0); - #if !CYTHON_METH_FASTCALL - #if CYTHON_ASSUME_SAFE_MACROS - __pyx_nargs = PyTuple_GET_SIZE(__pyx_args); - #else - __pyx_nargs = PyTuple_Size(__pyx_args); if (unlikely(__pyx_nargs < 0)) return NULL; - #endif - #endif - __pyx_kwvalues = __Pyx_KwValues_FASTCALL(__pyx_args, __pyx_nargs); - { - PyObject **__pyx_pyargnames[] = {&__pyx_n_s_pos1,&__pyx_n_s_pos2,&__pyx_n_s_cell_vectors,&__pyx_n_s_inverse_cell,&__pyx_n_s_epsilon,&__pyx_n_s_sigma,&__pyx_n_s_cutoff,&__pyx_n_s_energy_grid,0}; - if (__pyx_kwds) { - Py_ssize_t kw_args; - switch (__pyx_nargs) { - case 8: values[7] = __Pyx_Arg_FASTCALL(__pyx_args, 7); - CYTHON_FALLTHROUGH; - case 7: values[6] = __Pyx_Arg_FASTCALL(__pyx_args, 6); - CYTHON_FALLTHROUGH; - case 6: values[5] = __Pyx_Arg_FASTCALL(__pyx_args, 5); - CYTHON_FALLTHROUGH; - case 5: values[4] = __Pyx_Arg_FASTCALL(__pyx_args, 4); - CYTHON_FALLTHROUGH; - case 4: values[3] = __Pyx_Arg_FASTCALL(__pyx_args, 3); - CYTHON_FALLTHROUGH; - case 3: values[2] = __Pyx_Arg_FASTCALL(__pyx_args, 2); - CYTHON_FALLTHROUGH; - case 2: values[1] = __Pyx_Arg_FASTCALL(__pyx_args, 1); - CYTHON_FALLTHROUGH; - case 1: values[0] = __Pyx_Arg_FASTCALL(__pyx_args, 0); - CYTHON_FALLTHROUGH; - case 0: break; - default: goto __pyx_L5_argtuple_error; - } - kw_args = __Pyx_NumKwargs_FASTCALL(__pyx_kwds); - switch (__pyx_nargs) { - case 0: - if (likely((values[0] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_pos1)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[0]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 10, __pyx_L3_error) - else goto __pyx_L5_argtuple_error; - CYTHON_FALLTHROUGH; - case 1: - if (likely((values[1] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_pos2)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[1]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 10, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("lj_potential_cython", 1, 8, 8, 1); __PYX_ERR(0, 10, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 2: - if (likely((values[2] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_cell_vectors)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[2]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 10, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("lj_potential_cython", 1, 8, 8, 2); __PYX_ERR(0, 10, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 3: - if (likely((values[3] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_inverse_cell)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[3]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 10, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("lj_potential_cython", 1, 8, 8, 3); __PYX_ERR(0, 10, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 4: - if (likely((values[4] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_epsilon)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[4]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 10, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("lj_potential_cython", 1, 8, 8, 4); __PYX_ERR(0, 10, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 5: - if (likely((values[5] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_sigma)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[5]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 10, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("lj_potential_cython", 1, 8, 8, 5); __PYX_ERR(0, 10, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 6: - if (likely((values[6] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_cutoff)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[6]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 10, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("lj_potential_cython", 1, 8, 8, 6); __PYX_ERR(0, 10, __pyx_L3_error) - } - CYTHON_FALLTHROUGH; - case 7: - if (likely((values[7] = __Pyx_GetKwValue_FASTCALL(__pyx_kwds, __pyx_kwvalues, __pyx_n_s_energy_grid)) != 0)) { - (void)__Pyx_Arg_NewRef_FASTCALL(values[7]); - kw_args--; - } - else if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 10, __pyx_L3_error) - else { - __Pyx_RaiseArgtupleInvalid("lj_potential_cython", 1, 8, 8, 7); __PYX_ERR(0, 10, __pyx_L3_error) - } - } - if (unlikely(kw_args > 0)) { - const Py_ssize_t kwd_pos_args = __pyx_nargs; - if (unlikely(__Pyx_ParseOptionalKeywords(__pyx_kwds, __pyx_kwvalues, __pyx_pyargnames, 0, values + 0, kwd_pos_args, "lj_potential_cython") < 0)) __PYX_ERR(0, 10, __pyx_L3_error) - } - } else if (unlikely(__pyx_nargs != 8)) { - goto __pyx_L5_argtuple_error; - } else { - values[0] = __Pyx_Arg_FASTCALL(__pyx_args, 0); - values[1] = __Pyx_Arg_FASTCALL(__pyx_args, 1); - values[2] = __Pyx_Arg_FASTCALL(__pyx_args, 2); - values[3] = __Pyx_Arg_FASTCALL(__pyx_args, 3); - values[4] = __Pyx_Arg_FASTCALL(__pyx_args, 4); - values[5] = __Pyx_Arg_FASTCALL(__pyx_args, 5); - values[6] = __Pyx_Arg_FASTCALL(__pyx_args, 6); - values[7] = __Pyx_Arg_FASTCALL(__pyx_args, 7); - } - __pyx_v_pos1 = ((PyArrayObject *)values[0]); - __pyx_v_pos2 = ((PyArrayObject *)values[1]); - __pyx_v_cell_vectors = ((PyArrayObject *)values[2]); - __pyx_v_inverse_cell = ((PyArrayObject *)values[3]); - __pyx_v_epsilon = ((PyArrayObject *)values[4]); - __pyx_v_sigma = ((PyArrayObject *)values[5]); - __pyx_v_cutoff = __pyx_PyFloat_AsFloat(values[6]); if (unlikely((__pyx_v_cutoff == (float)-1) && PyErr_Occurred())) __PYX_ERR(0, 19, __pyx_L3_error) - __pyx_v_energy_grid = ((PyArrayObject *)values[7]); - } - goto __pyx_L6_skip; - __pyx_L5_argtuple_error:; - __Pyx_RaiseArgtupleInvalid("lj_potential_cython", 1, 8, 8, __pyx_nargs); __PYX_ERR(0, 10, __pyx_L3_error) - __pyx_L6_skip:; - goto __pyx_L4_argument_unpacking_done; - __pyx_L3_error:; - { - Py_ssize_t __pyx_temp; - for (__pyx_temp=0; __pyx_temp < (Py_ssize_t)(sizeof(values)/sizeof(values[0])); ++__pyx_temp) { - __Pyx_Arg_XDECREF_FASTCALL(values[__pyx_temp]); - } - } - __Pyx_AddTraceback("fast_grid.potential.lj_potential.lj_potential_cython", __pyx_clineno, __pyx_lineno, __pyx_filename); - __Pyx_RefNannyFinishContext(); - return NULL; - __pyx_L4_argument_unpacking_done:; - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_pos1), __pyx_ptype_5numpy_ndarray, 1, "pos1", 0))) __PYX_ERR(0, 13, __pyx_L1_error) - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_pos2), __pyx_ptype_5numpy_ndarray, 1, "pos2", 0))) __PYX_ERR(0, 14, __pyx_L1_error) - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_cell_vectors), __pyx_ptype_5numpy_ndarray, 1, "cell_vectors", 0))) __PYX_ERR(0, 15, __pyx_L1_error) - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_inverse_cell), __pyx_ptype_5numpy_ndarray, 1, "inverse_cell", 0))) __PYX_ERR(0, 16, __pyx_L1_error) - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_epsilon), __pyx_ptype_5numpy_ndarray, 1, "epsilon", 0))) __PYX_ERR(0, 17, __pyx_L1_error) - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_sigma), __pyx_ptype_5numpy_ndarray, 1, "sigma", 0))) __PYX_ERR(0, 18, __pyx_L1_error) - if (unlikely(!__Pyx_ArgTypeTest(((PyObject *)__pyx_v_energy_grid), __pyx_ptype_5numpy_ndarray, 1, "energy_grid", 0))) __PYX_ERR(0, 20, __pyx_L1_error) - __pyx_r = __pyx_pf_9fast_grid_9potential_12lj_potential_lj_potential_cython(__pyx_self, __pyx_v_pos1, __pyx_v_pos2, __pyx_v_cell_vectors, __pyx_v_inverse_cell, __pyx_v_epsilon, __pyx_v_sigma, __pyx_v_cutoff, __pyx_v_energy_grid); - - /* function exit code */ - goto __pyx_L0; - __pyx_L1_error:; - __pyx_r = NULL; - __pyx_L0:; - { - Py_ssize_t __pyx_temp; - for (__pyx_temp=0; __pyx_temp < (Py_ssize_t)(sizeof(values)/sizeof(values[0])); ++__pyx_temp) { - __Pyx_Arg_XDECREF_FASTCALL(values[__pyx_temp]); - } - } - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -static PyObject *__pyx_pf_9fast_grid_9potential_12lj_potential_lj_potential_cython(CYTHON_UNUSED PyObject *__pyx_self, PyArrayObject *__pyx_v_pos1, PyArrayObject *__pyx_v_pos2, PyArrayObject *__pyx_v_cell_vectors, PyArrayObject *__pyx_v_inverse_cell, PyArrayObject *__pyx_v_epsilon, PyArrayObject *__pyx_v_sigma, float __pyx_v_cutoff, PyArrayObject *__pyx_v_energy_grid) { - CYTHON_UNUSED int __pyx_v_G; - int __pyx_v_N; - int __pyx_v_i; - int __pyx_v_j; - float __pyx_v_diff_x; - float __pyx_v_diff_y; - float __pyx_v_diff_z; - float __pyx_v_diff_cell_basis_x; - float __pyx_v_diff_cell_basis_y; - float __pyx_v_diff_cell_basis_z; - float __pyx_v_r2; - float __pyx_v_lj6; - float __pyx_v_lj12; - float __pyx_v_inv_r2; - float __pyx_v_inv_r6; - float __pyx_v_inv_r12; - float __pyx_v_e; - float __pyx_v_s; - float __pyx_v_s6; - float __pyx_v_s12; - float __pyx_v_energy; - float __pyx_v_threshold; - float __pyx_v_cutoff_squared; - __Pyx_LocalBuf_ND __pyx_pybuffernd_cell_vectors; - __Pyx_Buffer __pyx_pybuffer_cell_vectors; - __Pyx_LocalBuf_ND __pyx_pybuffernd_energy_grid; - __Pyx_Buffer __pyx_pybuffer_energy_grid; - __Pyx_LocalBuf_ND __pyx_pybuffernd_epsilon; - __Pyx_Buffer __pyx_pybuffer_epsilon; - __Pyx_LocalBuf_ND __pyx_pybuffernd_inverse_cell; - __Pyx_Buffer __pyx_pybuffer_inverse_cell; - __Pyx_LocalBuf_ND __pyx_pybuffernd_pos1; - __Pyx_Buffer __pyx_pybuffer_pos1; - __Pyx_LocalBuf_ND __pyx_pybuffernd_pos2; - __Pyx_Buffer __pyx_pybuffer_pos2; - __Pyx_LocalBuf_ND __pyx_pybuffernd_sigma; - __Pyx_Buffer __pyx_pybuffer_sigma; - PyObject *__pyx_r = NULL; - __Pyx_RefNannyDeclarations - npy_intp *__pyx_t_1; - int __pyx_t_2; - int __pyx_t_3; - int __pyx_t_4; - int __pyx_t_5; - int __pyx_t_6; - int __pyx_t_7; - Py_ssize_t __pyx_t_8; - Py_ssize_t __pyx_t_9; - Py_ssize_t __pyx_t_10; - Py_ssize_t __pyx_t_11; - Py_ssize_t __pyx_t_12; - Py_ssize_t __pyx_t_13; - int __pyx_t_14; - int __pyx_t_15; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("lj_potential_cython", 1); - __pyx_pybuffer_pos1.pybuffer.buf = NULL; - __pyx_pybuffer_pos1.refcount = 0; - __pyx_pybuffernd_pos1.data = NULL; - __pyx_pybuffernd_pos1.rcbuffer = &__pyx_pybuffer_pos1; - __pyx_pybuffer_pos2.pybuffer.buf = NULL; - __pyx_pybuffer_pos2.refcount = 0; - __pyx_pybuffernd_pos2.data = NULL; - __pyx_pybuffernd_pos2.rcbuffer = &__pyx_pybuffer_pos2; - __pyx_pybuffer_cell_vectors.pybuffer.buf = NULL; - __pyx_pybuffer_cell_vectors.refcount = 0; - __pyx_pybuffernd_cell_vectors.data = NULL; - __pyx_pybuffernd_cell_vectors.rcbuffer = &__pyx_pybuffer_cell_vectors; - __pyx_pybuffer_inverse_cell.pybuffer.buf = NULL; - __pyx_pybuffer_inverse_cell.refcount = 0; - __pyx_pybuffernd_inverse_cell.data = NULL; - __pyx_pybuffernd_inverse_cell.rcbuffer = &__pyx_pybuffer_inverse_cell; - __pyx_pybuffer_epsilon.pybuffer.buf = NULL; - __pyx_pybuffer_epsilon.refcount = 0; - __pyx_pybuffernd_epsilon.data = NULL; - __pyx_pybuffernd_epsilon.rcbuffer = &__pyx_pybuffer_epsilon; - __pyx_pybuffer_sigma.pybuffer.buf = NULL; - __pyx_pybuffer_sigma.refcount = 0; - __pyx_pybuffernd_sigma.data = NULL; - __pyx_pybuffernd_sigma.rcbuffer = &__pyx_pybuffer_sigma; - __pyx_pybuffer_energy_grid.pybuffer.buf = NULL; - __pyx_pybuffer_energy_grid.refcount = 0; - __pyx_pybuffernd_energy_grid.data = NULL; - __pyx_pybuffernd_energy_grid.rcbuffer = &__pyx_pybuffer_energy_grid; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_pos1.rcbuffer->pybuffer, (PyObject*)__pyx_v_pos1, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES, 2, 0, __pyx_stack) == -1)) __PYX_ERR(0, 10, __pyx_L1_error) - } - __pyx_pybuffernd_pos1.diminfo[0].strides = __pyx_pybuffernd_pos1.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_pos1.diminfo[0].shape = __pyx_pybuffernd_pos1.rcbuffer->pybuffer.shape[0]; __pyx_pybuffernd_pos1.diminfo[1].strides = __pyx_pybuffernd_pos1.rcbuffer->pybuffer.strides[1]; __pyx_pybuffernd_pos1.diminfo[1].shape = __pyx_pybuffernd_pos1.rcbuffer->pybuffer.shape[1]; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_pos2.rcbuffer->pybuffer, (PyObject*)__pyx_v_pos2, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES, 2, 0, __pyx_stack) == -1)) __PYX_ERR(0, 10, __pyx_L1_error) - } - __pyx_pybuffernd_pos2.diminfo[0].strides = __pyx_pybuffernd_pos2.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_pos2.diminfo[0].shape = __pyx_pybuffernd_pos2.rcbuffer->pybuffer.shape[0]; __pyx_pybuffernd_pos2.diminfo[1].strides = __pyx_pybuffernd_pos2.rcbuffer->pybuffer.strides[1]; __pyx_pybuffernd_pos2.diminfo[1].shape = __pyx_pybuffernd_pos2.rcbuffer->pybuffer.shape[1]; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer, (PyObject*)__pyx_v_cell_vectors, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES, 2, 0, __pyx_stack) == -1)) __PYX_ERR(0, 10, __pyx_L1_error) - } - __pyx_pybuffernd_cell_vectors.diminfo[0].strides = __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_cell_vectors.diminfo[0].shape = __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.shape[0]; __pyx_pybuffernd_cell_vectors.diminfo[1].strides = __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.strides[1]; __pyx_pybuffernd_cell_vectors.diminfo[1].shape = __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.shape[1]; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer, (PyObject*)__pyx_v_inverse_cell, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES, 2, 0, __pyx_stack) == -1)) __PYX_ERR(0, 10, __pyx_L1_error) - } - __pyx_pybuffernd_inverse_cell.diminfo[0].strides = __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_inverse_cell.diminfo[0].shape = __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.shape[0]; __pyx_pybuffernd_inverse_cell.diminfo[1].strides = __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.strides[1]; __pyx_pybuffernd_inverse_cell.diminfo[1].shape = __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.shape[1]; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_epsilon.rcbuffer->pybuffer, (PyObject*)__pyx_v_epsilon, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES, 1, 0, __pyx_stack) == -1)) __PYX_ERR(0, 10, __pyx_L1_error) - } - __pyx_pybuffernd_epsilon.diminfo[0].strides = __pyx_pybuffernd_epsilon.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_epsilon.diminfo[0].shape = __pyx_pybuffernd_epsilon.rcbuffer->pybuffer.shape[0]; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_sigma.rcbuffer->pybuffer, (PyObject*)__pyx_v_sigma, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES, 1, 0, __pyx_stack) == -1)) __PYX_ERR(0, 10, __pyx_L1_error) - } - __pyx_pybuffernd_sigma.diminfo[0].strides = __pyx_pybuffernd_sigma.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_sigma.diminfo[0].shape = __pyx_pybuffernd_sigma.rcbuffer->pybuffer.shape[0]; - { - __Pyx_BufFmt_StackElem __pyx_stack[1]; - if (unlikely(__Pyx_GetBufferAndValidate(&__pyx_pybuffernd_energy_grid.rcbuffer->pybuffer, (PyObject*)__pyx_v_energy_grid, &__Pyx_TypeInfo_nn___pyx_t_5numpy_float64_t, PyBUF_FORMAT| PyBUF_STRIDES| PyBUF_WRITABLE, 1, 0, __pyx_stack) == -1)) __PYX_ERR(0, 10, __pyx_L1_error) - } - __pyx_pybuffernd_energy_grid.diminfo[0].strides = __pyx_pybuffernd_energy_grid.rcbuffer->pybuffer.strides[0]; __pyx_pybuffernd_energy_grid.diminfo[0].shape = __pyx_pybuffernd_energy_grid.rcbuffer->pybuffer.shape[0]; - - /* "fast_grid/potential/lj_potential.pyx":23 - * ): - * - * cdef int G = pos1.shape[0] # grid size # <<<<<<<<<<<<<< - * cdef int N = pos2.shape[0] # number of atoms - * cdef int i, j = 0 - */ - __pyx_t_1 = __pyx_f_5numpy_7ndarray_5shape_shape(((PyArrayObject *)__pyx_v_pos1)); if (unlikely(__pyx_t_1 == ((npy_intp *)NULL) && PyErr_Occurred())) __PYX_ERR(0, 23, __pyx_L1_error) - __pyx_v_G = (__pyx_t_1[0]); - - /* "fast_grid/potential/lj_potential.pyx":24 - * - * cdef int G = pos1.shape[0] # grid size - * cdef int N = pos2.shape[0] # number of atoms # <<<<<<<<<<<<<< - * cdef int i, j = 0 - * cdef float diff_x, diff_y, diff_z - */ - __pyx_t_1 = __pyx_f_5numpy_7ndarray_5shape_shape(((PyArrayObject *)__pyx_v_pos2)); if (unlikely(__pyx_t_1 == ((npy_intp *)NULL) && PyErr_Occurred())) __PYX_ERR(0, 24, __pyx_L1_error) - __pyx_v_N = (__pyx_t_1[0]); - - /* "fast_grid/potential/lj_potential.pyx":25 - * cdef int G = pos1.shape[0] # grid size - * cdef int N = pos2.shape[0] # number of atoms - * cdef int i, j = 0 # <<<<<<<<<<<<<< - * cdef float diff_x, diff_y, diff_z - * cdef float diff_cell_basis_x, diff_cell_basis_y, diff_cell_basis_z - */ - __pyx_v_j = 0; - - /* "fast_grid/potential/lj_potential.pyx":29 - * cdef float diff_cell_basis_x, diff_cell_basis_y, diff_cell_basis_z - * cdef float r2, lj6, lj12, inv_r2, inv_r6, inv_r12, e, s, s6, s12, energy - * cdef float threshold = 1e-10 # <<<<<<<<<<<<<< - * cdef float cutoff_squared = cutoff * cutoff - * - */ - __pyx_v_threshold = 1e-10; - - /* "fast_grid/potential/lj_potential.pyx":30 - * cdef float r2, lj6, lj12, inv_r2, inv_r6, inv_r12, e, s, s6, s12, energy - * cdef float threshold = 1e-10 - * cdef float cutoff_squared = cutoff * cutoff # <<<<<<<<<<<<<< - * - * for i in prange(G, nogil=True): - */ - __pyx_v_cutoff_squared = (__pyx_v_cutoff * __pyx_v_cutoff); - - /* "fast_grid/potential/lj_potential.pyx":32 - * cdef float cutoff_squared = cutoff * cutoff - * - * for i in prange(G, nogil=True): # <<<<<<<<<<<<<< - * energy = 0.0 - * for j in range(N): - */ - { - #ifdef WITH_THREAD - PyThreadState *_save; - _save = NULL; - Py_UNBLOCK_THREADS - __Pyx_FastGIL_Remember(); - #endif - /*try:*/ { - __pyx_t_2 = __pyx_v_G; - { - #if ((defined(__APPLE__) || defined(__OSX__)) && (defined(__GNUC__) && (__GNUC__ > 2 || (__GNUC__ == 2 && (__GNUC_MINOR__ > 95))))) - #undef likely - #undef unlikely - #define likely(x) (x) - #define unlikely(x) (x) - #endif - __pyx_t_4 = (__pyx_t_2 - 0 + 1 - 1/abs(1)) / 1; - if (__pyx_t_4 > 0) - { - #ifdef _OPENMP - #pragma omp parallel reduction(+:__pyx_v_energy) private(__pyx_t_10, __pyx_t_11, __pyx_t_12, __pyx_t_13, __pyx_t_14, __pyx_t_15, __pyx_t_5, __pyx_t_6, __pyx_t_7, __pyx_t_8, __pyx_t_9) - #endif /* _OPENMP */ - { - #ifdef _OPENMP - #pragma omp for lastprivate(__pyx_v_diff_cell_basis_x) lastprivate(__pyx_v_diff_cell_basis_y) lastprivate(__pyx_v_diff_cell_basis_z) lastprivate(__pyx_v_diff_x) lastprivate(__pyx_v_diff_y) lastprivate(__pyx_v_diff_z) lastprivate(__pyx_v_e) firstprivate(__pyx_v_i) lastprivate(__pyx_v_i) lastprivate(__pyx_v_inv_r12) lastprivate(__pyx_v_inv_r2) lastprivate(__pyx_v_inv_r6) lastprivate(__pyx_v_j) lastprivate(__pyx_v_lj12) lastprivate(__pyx_v_lj6) lastprivate(__pyx_v_r2) lastprivate(__pyx_v_s) lastprivate(__pyx_v_s12) lastprivate(__pyx_v_s6) - #endif /* _OPENMP */ - for (__pyx_t_3 = 0; __pyx_t_3 < __pyx_t_4; __pyx_t_3++){ - { - __pyx_v_i = (int)(0 + 1 * __pyx_t_3); - /* Initialize private variables to invalid values */ - __pyx_v_diff_cell_basis_x = ((float)__PYX_NAN()); - __pyx_v_diff_cell_basis_y = ((float)__PYX_NAN()); - __pyx_v_diff_cell_basis_z = ((float)__PYX_NAN()); - __pyx_v_diff_x = ((float)__PYX_NAN()); - __pyx_v_diff_y = ((float)__PYX_NAN()); - __pyx_v_diff_z = ((float)__PYX_NAN()); - __pyx_v_e = ((float)__PYX_NAN()); - __pyx_v_inv_r12 = ((float)__PYX_NAN()); - __pyx_v_inv_r2 = ((float)__PYX_NAN()); - __pyx_v_inv_r6 = ((float)__PYX_NAN()); - __pyx_v_j = ((int)0xbad0bad0); - __pyx_v_lj12 = ((float)__PYX_NAN()); - __pyx_v_lj6 = ((float)__PYX_NAN()); - __pyx_v_r2 = ((float)__PYX_NAN()); - __pyx_v_s = ((float)__PYX_NAN()); - __pyx_v_s12 = ((float)__PYX_NAN()); - __pyx_v_s6 = ((float)__PYX_NAN()); - - /* "fast_grid/potential/lj_potential.pyx":33 - * - * for i in prange(G, nogil=True): - * energy = 0.0 # <<<<<<<<<<<<<< - * for j in range(N): - * diff_x = pos1[i, 0] - pos2[j, 0] - */ - __pyx_v_energy = 0.0; - - /* "fast_grid/potential/lj_potential.pyx":34 - * for i in prange(G, nogil=True): - * energy = 0.0 - * for j in range(N): # <<<<<<<<<<<<<< - * diff_x = pos1[i, 0] - pos2[j, 0] - * diff_y = pos1[i, 1] - pos2[j, 1] - */ - __pyx_t_5 = __pyx_v_N; - __pyx_t_6 = __pyx_t_5; - for (__pyx_t_7 = 0; __pyx_t_7 < __pyx_t_6; __pyx_t_7+=1) { - __pyx_v_j = __pyx_t_7; - - /* "fast_grid/potential/lj_potential.pyx":35 - * energy = 0.0 - * for j in range(N): - * diff_x = pos1[i, 0] - pos2[j, 0] # <<<<<<<<<<<<<< - * diff_y = pos1[i, 1] - pos2[j, 1] - * diff_z = pos1[i, 2] - pos2[j, 2] - */ - __pyx_t_8 = __pyx_v_i; - __pyx_t_9 = 0; - __pyx_t_10 = __pyx_v_j; - __pyx_t_11 = 0; - __pyx_v_diff_x = ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos1.rcbuffer->pybuffer.buf, __pyx_t_8, __pyx_pybuffernd_pos1.diminfo[0].strides, __pyx_t_9, __pyx_pybuffernd_pos1.diminfo[1].strides)) - (*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos2.rcbuffer->pybuffer.buf, __pyx_t_10, __pyx_pybuffernd_pos2.diminfo[0].strides, __pyx_t_11, __pyx_pybuffernd_pos2.diminfo[1].strides))); - - /* "fast_grid/potential/lj_potential.pyx":36 - * for j in range(N): - * diff_x = pos1[i, 0] - pos2[j, 0] - * diff_y = pos1[i, 1] - pos2[j, 1] # <<<<<<<<<<<<<< - * diff_z = pos1[i, 2] - pos2[j, 2] - * - */ - __pyx_t_11 = __pyx_v_i; - __pyx_t_10 = 1; - __pyx_t_9 = __pyx_v_j; - __pyx_t_8 = 1; - __pyx_v_diff_y = ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos1.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_pos1.diminfo[0].strides, __pyx_t_10, __pyx_pybuffernd_pos1.diminfo[1].strides)) - (*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos2.rcbuffer->pybuffer.buf, __pyx_t_9, __pyx_pybuffernd_pos2.diminfo[0].strides, __pyx_t_8, __pyx_pybuffernd_pos2.diminfo[1].strides))); - - /* "fast_grid/potential/lj_potential.pyx":37 - * diff_x = pos1[i, 0] - pos2[j, 0] - * diff_y = pos1[i, 1] - pos2[j, 1] - * diff_z = pos1[i, 2] - pos2[j, 2] # <<<<<<<<<<<<<< - * - * # Matrix multiplication with the inverse cell matrix - */ - __pyx_t_8 = __pyx_v_i; - __pyx_t_9 = 2; - __pyx_t_10 = __pyx_v_j; - __pyx_t_11 = 2; - __pyx_v_diff_z = ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos1.rcbuffer->pybuffer.buf, __pyx_t_8, __pyx_pybuffernd_pos1.diminfo[0].strides, __pyx_t_9, __pyx_pybuffernd_pos1.diminfo[1].strides)) - (*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_pos2.rcbuffer->pybuffer.buf, __pyx_t_10, __pyx_pybuffernd_pos2.diminfo[0].strides, __pyx_t_11, __pyx_pybuffernd_pos2.diminfo[1].strides))); - - /* "fast_grid/potential/lj_potential.pyx":41 - * # Matrix multiplication with the inverse cell matrix - * diff_cell_basis_x = ( - * inverse_cell[0, 0] * diff_x # <<<<<<<<<<<<<< - * + inverse_cell[0, 1] * diff_y - * + inverse_cell[0, 2] * diff_z - */ - __pyx_t_11 = 0; - __pyx_t_10 = 0; - - /* "fast_grid/potential/lj_potential.pyx":42 - * diff_cell_basis_x = ( - * inverse_cell[0, 0] * diff_x - * + inverse_cell[0, 1] * diff_y # <<<<<<<<<<<<<< - * + inverse_cell[0, 2] * diff_z - * ) - */ - __pyx_t_9 = 0; - __pyx_t_8 = 1; - - /* "fast_grid/potential/lj_potential.pyx":43 - * inverse_cell[0, 0] * diff_x - * + inverse_cell[0, 1] * diff_y - * + inverse_cell[0, 2] * diff_z # <<<<<<<<<<<<<< - * ) - * diff_cell_basis_y = ( - */ - __pyx_t_12 = 0; - __pyx_t_13 = 2; - __pyx_v_diff_cell_basis_x = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_10, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_9, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_8, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_12, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_13, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_z)); - - /* "fast_grid/potential/lj_potential.pyx":46 - * ) - * diff_cell_basis_y = ( - * inverse_cell[1, 0] * diff_x # <<<<<<<<<<<<<< - * + inverse_cell[1, 1] * diff_y - * + inverse_cell[1, 2] * diff_z - */ - __pyx_t_13 = 1; - __pyx_t_12 = 0; - - /* "fast_grid/potential/lj_potential.pyx":47 - * diff_cell_basis_y = ( - * inverse_cell[1, 0] * diff_x - * + inverse_cell[1, 1] * diff_y # <<<<<<<<<<<<<< - * + inverse_cell[1, 2] * diff_z - * ) - */ - __pyx_t_8 = 1; - __pyx_t_9 = 1; - - /* "fast_grid/potential/lj_potential.pyx":48 - * inverse_cell[1, 0] * diff_x - * + inverse_cell[1, 1] * diff_y - * + inverse_cell[1, 2] * diff_z # <<<<<<<<<<<<<< - * ) - * diff_cell_basis_z = ( - */ - __pyx_t_10 = 1; - __pyx_t_11 = 2; - __pyx_v_diff_cell_basis_y = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_13, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_12, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_8, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_9, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_10, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_11, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_z)); - - /* "fast_grid/potential/lj_potential.pyx":51 - * ) - * diff_cell_basis_z = ( - * inverse_cell[2, 0] * diff_x # <<<<<<<<<<<<<< - * + inverse_cell[2, 1] * diff_y - * + inverse_cell[2, 2] * diff_z - */ - __pyx_t_11 = 2; - __pyx_t_10 = 0; - - /* "fast_grid/potential/lj_potential.pyx":52 - * diff_cell_basis_z = ( - * inverse_cell[2, 0] * diff_x - * + inverse_cell[2, 1] * diff_y # <<<<<<<<<<<<<< - * + inverse_cell[2, 2] * diff_z - * ) - */ - __pyx_t_9 = 2; - __pyx_t_8 = 1; - - /* "fast_grid/potential/lj_potential.pyx":53 - * inverse_cell[2, 0] * diff_x - * + inverse_cell[2, 1] * diff_y - * + inverse_cell[2, 2] * diff_z # <<<<<<<<<<<<<< - * ) - * - */ - __pyx_t_12 = 2; - __pyx_t_13 = 2; - __pyx_v_diff_cell_basis_z = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_10, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_9, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_8, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer.buf, __pyx_t_12, __pyx_pybuffernd_inverse_cell.diminfo[0].strides, __pyx_t_13, __pyx_pybuffernd_inverse_cell.diminfo[1].strides)) * __pyx_v_diff_z)); - - /* "fast_grid/potential/lj_potential.pyx":57 - * - * # Applying the minimum image convention - * diff_cell_basis_x = diff_cell_basis_x - round(diff_cell_basis_x) # <<<<<<<<<<<<<< - * diff_cell_basis_y = diff_cell_basis_y - round(diff_cell_basis_y) - * diff_cell_basis_z = diff_cell_basis_z - round(diff_cell_basis_z) - */ - __pyx_v_diff_cell_basis_x = (__pyx_v_diff_cell_basis_x - round(__pyx_v_diff_cell_basis_x)); - - /* "fast_grid/potential/lj_potential.pyx":58 - * # Applying the minimum image convention - * diff_cell_basis_x = diff_cell_basis_x - round(diff_cell_basis_x) - * diff_cell_basis_y = diff_cell_basis_y - round(diff_cell_basis_y) # <<<<<<<<<<<<<< - * diff_cell_basis_z = diff_cell_basis_z - round(diff_cell_basis_z) - * - */ - __pyx_v_diff_cell_basis_y = (__pyx_v_diff_cell_basis_y - round(__pyx_v_diff_cell_basis_y)); - - /* "fast_grid/potential/lj_potential.pyx":59 - * diff_cell_basis_x = diff_cell_basis_x - round(diff_cell_basis_x) - * diff_cell_basis_y = diff_cell_basis_y - round(diff_cell_basis_y) - * diff_cell_basis_z = diff_cell_basis_z - round(diff_cell_basis_z) # <<<<<<<<<<<<<< - * - * # Transforming back to the original space - */ - __pyx_v_diff_cell_basis_z = (__pyx_v_diff_cell_basis_z - round(__pyx_v_diff_cell_basis_z)); - - /* "fast_grid/potential/lj_potential.pyx":63 - * # Transforming back to the original space - * diff_x = ( - * cell_vectors[0, 0] * diff_cell_basis_x # <<<<<<<<<<<<<< - * + cell_vectors[0, 1] * diff_cell_basis_y - * + cell_vectors[0, 2] * diff_cell_basis_z - */ - __pyx_t_13 = 0; - __pyx_t_12 = 0; - - /* "fast_grid/potential/lj_potential.pyx":64 - * diff_x = ( - * cell_vectors[0, 0] * diff_cell_basis_x - * + cell_vectors[0, 1] * diff_cell_basis_y # <<<<<<<<<<<<<< - * + cell_vectors[0, 2] * diff_cell_basis_z - * ) - */ - __pyx_t_8 = 0; - __pyx_t_9 = 1; - - /* "fast_grid/potential/lj_potential.pyx":65 - * cell_vectors[0, 0] * diff_cell_basis_x - * + cell_vectors[0, 1] * diff_cell_basis_y - * + cell_vectors[0, 2] * diff_cell_basis_z # <<<<<<<<<<<<<< - * ) - * diff_y = ( - */ - __pyx_t_10 = 0; - __pyx_t_11 = 2; - __pyx_v_diff_x = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_13, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_12, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_8, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_9, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_10, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_11, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_z)); - - /* "fast_grid/potential/lj_potential.pyx":68 - * ) - * diff_y = ( - * cell_vectors[1, 0] * diff_cell_basis_x # <<<<<<<<<<<<<< - * + cell_vectors[1, 1] * diff_cell_basis_y - * + cell_vectors[1, 2] * diff_cell_basis_z - */ - __pyx_t_11 = 1; - __pyx_t_10 = 0; - - /* "fast_grid/potential/lj_potential.pyx":69 - * diff_y = ( - * cell_vectors[1, 0] * diff_cell_basis_x - * + cell_vectors[1, 1] * diff_cell_basis_y # <<<<<<<<<<<<<< - * + cell_vectors[1, 2] * diff_cell_basis_z - * ) - */ - __pyx_t_9 = 1; - __pyx_t_8 = 1; - - /* "fast_grid/potential/lj_potential.pyx":70 - * cell_vectors[1, 0] * diff_cell_basis_x - * + cell_vectors[1, 1] * diff_cell_basis_y - * + cell_vectors[1, 2] * diff_cell_basis_z # <<<<<<<<<<<<<< - * ) - * diff_z = ( - */ - __pyx_t_12 = 1; - __pyx_t_13 = 2; - __pyx_v_diff_y = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_10, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_9, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_8, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_12, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_13, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_z)); - - /* "fast_grid/potential/lj_potential.pyx":73 - * ) - * diff_z = ( - * cell_vectors[2, 0] * diff_cell_basis_x # <<<<<<<<<<<<<< - * + cell_vectors[2, 1] * diff_cell_basis_y - * + cell_vectors[2, 2] * diff_cell_basis_z - */ - __pyx_t_13 = 2; - __pyx_t_12 = 0; - - /* "fast_grid/potential/lj_potential.pyx":74 - * diff_z = ( - * cell_vectors[2, 0] * diff_cell_basis_x - * + cell_vectors[2, 1] * diff_cell_basis_y # <<<<<<<<<<<<<< - * + cell_vectors[2, 2] * diff_cell_basis_z - * ) - */ - __pyx_t_8 = 2; - __pyx_t_9 = 1; - - /* "fast_grid/potential/lj_potential.pyx":75 - * cell_vectors[2, 0] * diff_cell_basis_x - * + cell_vectors[2, 1] * diff_cell_basis_y - * + cell_vectors[2, 2] * diff_cell_basis_z # <<<<<<<<<<<<<< - * ) - * - */ - __pyx_t_10 = 2; - __pyx_t_11 = 2; - __pyx_v_diff_z = ((((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_13, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_12, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_x) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_8, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_9, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_y)) + ((*__Pyx_BufPtrStrided2d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer.buf, __pyx_t_10, __pyx_pybuffernd_cell_vectors.diminfo[0].strides, __pyx_t_11, __pyx_pybuffernd_cell_vectors.diminfo[1].strides)) * __pyx_v_diff_cell_basis_z)); - - /* "fast_grid/potential/lj_potential.pyx":79 - * - * # Calculating the distance - * r2 = diff_x * diff_x + diff_y * diff_y + diff_z * diff_z # <<<<<<<<<<<<<< - * - * if r2 < cutoff_squared and r2 > threshold: - */ - __pyx_v_r2 = (((__pyx_v_diff_x * __pyx_v_diff_x) + (__pyx_v_diff_y * __pyx_v_diff_y)) + (__pyx_v_diff_z * __pyx_v_diff_z)); - - /* "fast_grid/potential/lj_potential.pyx":81 - * r2 = diff_x * diff_x + diff_y * diff_y + diff_z * diff_z - * - * if r2 < cutoff_squared and r2 > threshold: # <<<<<<<<<<<<<< - * # Calculate LJ potential - * e = epsilon[j] - */ - __pyx_t_15 = (__pyx_v_r2 < __pyx_v_cutoff_squared); - if (__pyx_t_15) { - } else { - __pyx_t_14 = __pyx_t_15; - goto __pyx_L13_bool_binop_done; - } - __pyx_t_15 = (__pyx_v_r2 > __pyx_v_threshold); - __pyx_t_14 = __pyx_t_15; - __pyx_L13_bool_binop_done:; - if (__pyx_t_14) { - - /* "fast_grid/potential/lj_potential.pyx":83 - * if r2 < cutoff_squared and r2 > threshold: - * # Calculate LJ potential - * e = epsilon[j] # <<<<<<<<<<<<<< - * s = sigma[j] - * s6 = s * s * s * s * s * s - */ - __pyx_t_11 = __pyx_v_j; - __pyx_v_e = (*__Pyx_BufPtrStrided1d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_epsilon.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_epsilon.diminfo[0].strides)); - - /* "fast_grid/potential/lj_potential.pyx":84 - * # Calculate LJ potential - * e = epsilon[j] - * s = sigma[j] # <<<<<<<<<<<<<< - * s6 = s * s * s * s * s * s - * s12 = s6 * s6 - */ - __pyx_t_11 = __pyx_v_j; - __pyx_v_s = (*__Pyx_BufPtrStrided1d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_sigma.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_sigma.diminfo[0].strides)); - - /* "fast_grid/potential/lj_potential.pyx":85 - * e = epsilon[j] - * s = sigma[j] - * s6 = s * s * s * s * s * s # <<<<<<<<<<<<<< - * s12 = s6 * s6 - * lj6 = 4 * e * s6 - */ - __pyx_v_s6 = (((((__pyx_v_s * __pyx_v_s) * __pyx_v_s) * __pyx_v_s) * __pyx_v_s) * __pyx_v_s); - - /* "fast_grid/potential/lj_potential.pyx":86 - * s = sigma[j] - * s6 = s * s * s * s * s * s - * s12 = s6 * s6 # <<<<<<<<<<<<<< - * lj6 = 4 * e * s6 - * lj12 = 4 * e * s12 - */ - __pyx_v_s12 = (__pyx_v_s6 * __pyx_v_s6); - - /* "fast_grid/potential/lj_potential.pyx":87 - * s6 = s * s * s * s * s * s - * s12 = s6 * s6 - * lj6 = 4 * e * s6 # <<<<<<<<<<<<<< - * lj12 = 4 * e * s12 - * inv_r2 = 1.0 / r2 - */ - __pyx_v_lj6 = ((4.0 * __pyx_v_e) * __pyx_v_s6); - - /* "fast_grid/potential/lj_potential.pyx":88 - * s12 = s6 * s6 - * lj6 = 4 * e * s6 - * lj12 = 4 * e * s12 # <<<<<<<<<<<<<< - * inv_r2 = 1.0 / r2 - * inv_r6 = inv_r2 * inv_r2 * inv_r2 - */ - __pyx_v_lj12 = ((4.0 * __pyx_v_e) * __pyx_v_s12); - - /* "fast_grid/potential/lj_potential.pyx":89 - * lj6 = 4 * e * s6 - * lj12 = 4 * e * s12 - * inv_r2 = 1.0 / r2 # <<<<<<<<<<<<<< - * inv_r6 = inv_r2 * inv_r2 * inv_r2 - * inv_r12 = inv_r6 * inv_r6 - */ - __pyx_v_inv_r2 = (1.0 / ((double)__pyx_v_r2)); - - /* "fast_grid/potential/lj_potential.pyx":90 - * lj12 = 4 * e * s12 - * inv_r2 = 1.0 / r2 - * inv_r6 = inv_r2 * inv_r2 * inv_r2 # <<<<<<<<<<<<<< - * inv_r12 = inv_r6 * inv_r6 - * - */ - __pyx_v_inv_r6 = ((__pyx_v_inv_r2 * __pyx_v_inv_r2) * __pyx_v_inv_r2); - - /* "fast_grid/potential/lj_potential.pyx":91 - * inv_r2 = 1.0 / r2 - * inv_r6 = inv_r2 * inv_r2 * inv_r2 - * inv_r12 = inv_r6 * inv_r6 # <<<<<<<<<<<<<< - * - * energy += lj12 * inv_r12 - lj6 * inv_r6 - */ - __pyx_v_inv_r12 = (__pyx_v_inv_r6 * __pyx_v_inv_r6); - - /* "fast_grid/potential/lj_potential.pyx":93 - * inv_r12 = inv_r6 * inv_r6 - * - * energy += lj12 * inv_r12 - lj6 * inv_r6 # <<<<<<<<<<<<<< - * - * energy_grid[i] += energy - */ - __pyx_v_energy = (__pyx_v_energy + ((__pyx_v_lj12 * __pyx_v_inv_r12) - (__pyx_v_lj6 * __pyx_v_inv_r6))); - - /* "fast_grid/potential/lj_potential.pyx":81 - * r2 = diff_x * diff_x + diff_y * diff_y + diff_z * diff_z - * - * if r2 < cutoff_squared and r2 > threshold: # <<<<<<<<<<<<<< - * # Calculate LJ potential - * e = epsilon[j] - */ - } - } - - /* "fast_grid/potential/lj_potential.pyx":95 - * energy += lj12 * inv_r12 - lj6 * inv_r6 - * - * energy_grid[i] += energy # <<<<<<<<<<<<<< - * - * return energy_grid - */ - __pyx_t_11 = __pyx_v_i; - *__Pyx_BufPtrStrided1d(__pyx_t_5numpy_float64_t *, __pyx_pybuffernd_energy_grid.rcbuffer->pybuffer.buf, __pyx_t_11, __pyx_pybuffernd_energy_grid.diminfo[0].strides) += __pyx_v_energy; - } - } - } - } - } - #if ((defined(__APPLE__) || defined(__OSX__)) && (defined(__GNUC__) && (__GNUC__ > 2 || (__GNUC__ == 2 && (__GNUC_MINOR__ > 95))))) - #undef likely - #undef unlikely - #define likely(x) __builtin_expect(!!(x), 1) - #define unlikely(x) __builtin_expect(!!(x), 0) - #endif - } - - /* "fast_grid/potential/lj_potential.pyx":32 - * cdef float cutoff_squared = cutoff * cutoff - * - * for i in prange(G, nogil=True): # <<<<<<<<<<<<<< - * energy = 0.0 - * for j in range(N): - */ - /*finally:*/ { - /*normal exit:*/{ - #ifdef WITH_THREAD - __Pyx_FastGIL_Forget(); - Py_BLOCK_THREADS - #endif - goto __pyx_L5; - } - __pyx_L5:; - } - } - - /* "fast_grid/potential/lj_potential.pyx":97 - * energy_grid[i] += energy - * - * return energy_grid # <<<<<<<<<<<<<< - */ - __Pyx_XDECREF(__pyx_r); - __Pyx_INCREF((PyObject *)__pyx_v_energy_grid); - __pyx_r = ((PyObject *)__pyx_v_energy_grid); - goto __pyx_L0; - - /* "fast_grid/potential/lj_potential.pyx":10 - * from libc.math cimport round - * - * @cython.wraparound(False) # <<<<<<<<<<<<<< - * @cython.boundscheck(False) - * @cython.cdivision(True) - */ - - /* function exit code */ - __pyx_L1_error:; - { PyObject *__pyx_type, *__pyx_value, *__pyx_tb; - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - __Pyx_ErrFetch(&__pyx_type, &__pyx_value, &__pyx_tb); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_energy_grid.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_epsilon.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_pos1.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_pos2.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_sigma.rcbuffer->pybuffer); - __Pyx_ErrRestore(__pyx_type, __pyx_value, __pyx_tb);} - __Pyx_AddTraceback("fast_grid.potential.lj_potential.lj_potential_cython", __pyx_clineno, __pyx_lineno, __pyx_filename); - __pyx_r = NULL; - goto __pyx_L2; - __pyx_L0:; - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_cell_vectors.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_energy_grid.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_epsilon.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_inverse_cell.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_pos1.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_pos2.rcbuffer->pybuffer); - __Pyx_SafeReleaseBuffer(&__pyx_pybuffernd_sigma.rcbuffer->pybuffer); - __pyx_L2:; - __Pyx_XGIVEREF(__pyx_r); - __Pyx_RefNannyFinishContext(); - return __pyx_r; -} - -static PyMethodDef __pyx_methods[] = { - {0, 0, 0, 0} -}; -#ifndef CYTHON_SMALL_CODE -#if defined(__clang__) - #define CYTHON_SMALL_CODE -#elif defined(__GNUC__) && (__GNUC__ > 4 || (__GNUC__ == 4 && __GNUC_MINOR__ >= 3)) - #define CYTHON_SMALL_CODE __attribute__((cold)) -#else - #define CYTHON_SMALL_CODE -#endif -#endif -/* #### Code section: pystring_table ### */ - -static int __Pyx_CreateStringTabAndInitStrings(void) { - __Pyx_StringTabEntry __pyx_string_tab[] = { - {&__pyx_n_s_G, __pyx_k_G, sizeof(__pyx_k_G), 0, 0, 1, 1}, - {&__pyx_n_s_ImportError, __pyx_k_ImportError, sizeof(__pyx_k_ImportError), 0, 0, 1, 1}, - {&__pyx_n_s_N, __pyx_k_N, sizeof(__pyx_k_N), 0, 0, 1, 1}, - {&__pyx_n_s__3, __pyx_k__3, sizeof(__pyx_k__3), 0, 0, 1, 1}, - {&__pyx_n_s__6, __pyx_k__6, sizeof(__pyx_k__6), 0, 0, 1, 1}, - {&__pyx_n_s_asyncio_coroutines, __pyx_k_asyncio_coroutines, sizeof(__pyx_k_asyncio_coroutines), 0, 0, 1, 1}, - {&__pyx_n_s_cell_vectors, __pyx_k_cell_vectors, sizeof(__pyx_k_cell_vectors), 0, 0, 1, 1}, - {&__pyx_n_s_cline_in_traceback, __pyx_k_cline_in_traceback, sizeof(__pyx_k_cline_in_traceback), 0, 0, 1, 1}, - {&__pyx_n_s_cutoff, __pyx_k_cutoff, sizeof(__pyx_k_cutoff), 0, 0, 1, 1}, - {&__pyx_n_s_cutoff_squared, __pyx_k_cutoff_squared, sizeof(__pyx_k_cutoff_squared), 0, 0, 1, 1}, - {&__pyx_n_s_diff_cell_basis_x, __pyx_k_diff_cell_basis_x, sizeof(__pyx_k_diff_cell_basis_x), 0, 0, 1, 1}, - {&__pyx_n_s_diff_cell_basis_y, __pyx_k_diff_cell_basis_y, sizeof(__pyx_k_diff_cell_basis_y), 0, 0, 1, 1}, - {&__pyx_n_s_diff_cell_basis_z, __pyx_k_diff_cell_basis_z, sizeof(__pyx_k_diff_cell_basis_z), 0, 0, 1, 1}, - {&__pyx_n_s_diff_x, __pyx_k_diff_x, sizeof(__pyx_k_diff_x), 0, 0, 1, 1}, - {&__pyx_n_s_diff_y, __pyx_k_diff_y, sizeof(__pyx_k_diff_y), 0, 0, 1, 1}, - {&__pyx_n_s_diff_z, __pyx_k_diff_z, sizeof(__pyx_k_diff_z), 0, 0, 1, 1}, - {&__pyx_n_s_e, __pyx_k_e, sizeof(__pyx_k_e), 0, 0, 1, 1}, - {&__pyx_n_s_energy, __pyx_k_energy, sizeof(__pyx_k_energy), 0, 0, 1, 1}, - {&__pyx_n_s_energy_grid, __pyx_k_energy_grid, sizeof(__pyx_k_energy_grid), 0, 0, 1, 1}, - {&__pyx_n_s_epsilon, __pyx_k_epsilon, sizeof(__pyx_k_epsilon), 0, 0, 1, 1}, - {&__pyx_kp_s_fast_grid_potential_lj_potential, __pyx_k_fast_grid_potential_lj_potential, sizeof(__pyx_k_fast_grid_potential_lj_potential), 0, 0, 1, 0}, - {&__pyx_n_s_fast_grid_potential_lj_potential_2, __pyx_k_fast_grid_potential_lj_potential_2, sizeof(__pyx_k_fast_grid_potential_lj_potential_2), 0, 0, 1, 1}, - {&__pyx_n_s_i, __pyx_k_i, sizeof(__pyx_k_i), 0, 0, 1, 1}, - {&__pyx_n_s_import, __pyx_k_import, sizeof(__pyx_k_import), 0, 0, 1, 1}, - {&__pyx_n_s_initializing, __pyx_k_initializing, sizeof(__pyx_k_initializing), 0, 0, 1, 1}, - {&__pyx_n_s_inv_r12, __pyx_k_inv_r12, sizeof(__pyx_k_inv_r12), 0, 0, 1, 1}, - {&__pyx_n_s_inv_r2, __pyx_k_inv_r2, sizeof(__pyx_k_inv_r2), 0, 0, 1, 1}, - {&__pyx_n_s_inv_r6, __pyx_k_inv_r6, sizeof(__pyx_k_inv_r6), 0, 0, 1, 1}, - {&__pyx_n_s_inverse_cell, __pyx_k_inverse_cell, sizeof(__pyx_k_inverse_cell), 0, 0, 1, 1}, - {&__pyx_n_s_is_coroutine, __pyx_k_is_coroutine, sizeof(__pyx_k_is_coroutine), 0, 0, 1, 1}, - {&__pyx_n_s_j, __pyx_k_j, sizeof(__pyx_k_j), 0, 0, 1, 1}, - {&__pyx_n_s_lj12, __pyx_k_lj12, sizeof(__pyx_k_lj12), 0, 0, 1, 1}, - {&__pyx_n_s_lj6, __pyx_k_lj6, sizeof(__pyx_k_lj6), 0, 0, 1, 1}, - {&__pyx_n_s_lj_potential_cython, __pyx_k_lj_potential_cython, sizeof(__pyx_k_lj_potential_cython), 0, 0, 1, 1}, - {&__pyx_n_s_main, __pyx_k_main, sizeof(__pyx_k_main), 0, 0, 1, 1}, - {&__pyx_n_s_name, __pyx_k_name, sizeof(__pyx_k_name), 0, 0, 1, 1}, - {&__pyx_n_s_np, __pyx_k_np, sizeof(__pyx_k_np), 0, 0, 1, 1}, - {&__pyx_n_s_numpy, __pyx_k_numpy, sizeof(__pyx_k_numpy), 0, 0, 1, 1}, - {&__pyx_kp_u_numpy_core_multiarray_failed_to, __pyx_k_numpy_core_multiarray_failed_to, sizeof(__pyx_k_numpy_core_multiarray_failed_to), 0, 1, 0, 0}, - {&__pyx_kp_u_numpy_core_umath_failed_to_impor, __pyx_k_numpy_core_umath_failed_to_impor, sizeof(__pyx_k_numpy_core_umath_failed_to_impor), 0, 1, 0, 0}, - {&__pyx_n_s_pos1, __pyx_k_pos1, sizeof(__pyx_k_pos1), 0, 0, 1, 1}, - {&__pyx_n_s_pos2, __pyx_k_pos2, sizeof(__pyx_k_pos2), 0, 0, 1, 1}, - {&__pyx_n_s_r2, __pyx_k_r2, sizeof(__pyx_k_r2), 0, 0, 1, 1}, - {&__pyx_n_s_range, __pyx_k_range, sizeof(__pyx_k_range), 0, 0, 1, 1}, - {&__pyx_n_s_s, __pyx_k_s, sizeof(__pyx_k_s), 0, 0, 1, 1}, - {&__pyx_n_s_s12, __pyx_k_s12, sizeof(__pyx_k_s12), 0, 0, 1, 1}, - {&__pyx_n_s_s6, __pyx_k_s6, sizeof(__pyx_k_s6), 0, 0, 1, 1}, - {&__pyx_n_s_sigma, __pyx_k_sigma, sizeof(__pyx_k_sigma), 0, 0, 1, 1}, - {&__pyx_n_s_spec, __pyx_k_spec, sizeof(__pyx_k_spec), 0, 0, 1, 1}, - {&__pyx_n_s_test, __pyx_k_test, sizeof(__pyx_k_test), 0, 0, 1, 1}, - {&__pyx_n_s_threshold, __pyx_k_threshold, sizeof(__pyx_k_threshold), 0, 0, 1, 1}, - {0, 0, 0, 0, 0, 0, 0} - }; - return __Pyx_InitStrings(__pyx_string_tab); -} -/* #### Code section: cached_builtins ### */ -static CYTHON_SMALL_CODE int __Pyx_InitCachedBuiltins(void) { - __pyx_builtin_range = __Pyx_GetBuiltinName(__pyx_n_s_range); if (!__pyx_builtin_range) __PYX_ERR(0, 34, __pyx_L1_error) - __pyx_builtin_ImportError = __Pyx_GetBuiltinName(__pyx_n_s_ImportError); if (!__pyx_builtin_ImportError) __PYX_ERR(1, 984, __pyx_L1_error) - return 0; - __pyx_L1_error:; - return -1; -} -/* #### Code section: cached_constants ### */ - -static CYTHON_SMALL_CODE int __Pyx_InitCachedConstants(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_InitCachedConstants", 0); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":984 - * __pyx_import_array() - * except Exception: - * raise ImportError("numpy.core.multiarray failed to import") # <<<<<<<<<<<<<< - * - * cdef inline int import_umath() except -1: - */ - __pyx_tuple_ = PyTuple_Pack(1, __pyx_kp_u_numpy_core_multiarray_failed_to); if (unlikely(!__pyx_tuple_)) __PYX_ERR(1, 984, __pyx_L1_error) - __Pyx_GOTREF(__pyx_tuple_); - __Pyx_GIVEREF(__pyx_tuple_); - - /* "../../../../tmp/pip-build-env-ojd3wiz7/overlay/lib/python3.10/site-packages/numpy/__init__.cython-30.pxd":990 - * _import_umath() - * except Exception: - * raise ImportError("numpy.core.umath failed to import") # <<<<<<<<<<<<<< - * - * cdef inline int import_ufunc() except -1: - */ - __pyx_tuple__2 = PyTuple_Pack(1, __pyx_kp_u_numpy_core_umath_failed_to_impor); if (unlikely(!__pyx_tuple__2)) __PYX_ERR(1, 990, __pyx_L1_error) - __Pyx_GOTREF(__pyx_tuple__2); - __Pyx_GIVEREF(__pyx_tuple__2); - - /* "fast_grid/potential/lj_potential.pyx":10 - * from libc.math cimport round - * - * @cython.wraparound(False) # <<<<<<<<<<<<<< - * @cython.boundscheck(False) - * @cython.cdivision(True) - */ - __pyx_tuple__4 = PyTuple_Pack(31, __pyx_n_s_pos1, __pyx_n_s_pos2, __pyx_n_s_cell_vectors, __pyx_n_s_inverse_cell, __pyx_n_s_epsilon, __pyx_n_s_sigma, __pyx_n_s_cutoff, __pyx_n_s_energy_grid, __pyx_n_s_G, __pyx_n_s_N, __pyx_n_s_i, __pyx_n_s_j, __pyx_n_s_diff_x, __pyx_n_s_diff_y, __pyx_n_s_diff_z, __pyx_n_s_diff_cell_basis_x, __pyx_n_s_diff_cell_basis_y, __pyx_n_s_diff_cell_basis_z, __pyx_n_s_r2, __pyx_n_s_lj6, __pyx_n_s_lj12, __pyx_n_s_inv_r2, __pyx_n_s_inv_r6, __pyx_n_s_inv_r12, __pyx_n_s_e, __pyx_n_s_s, __pyx_n_s_s6, __pyx_n_s_s12, __pyx_n_s_energy, __pyx_n_s_threshold, __pyx_n_s_cutoff_squared); if (unlikely(!__pyx_tuple__4)) __PYX_ERR(0, 10, __pyx_L1_error) - __Pyx_GOTREF(__pyx_tuple__4); - __Pyx_GIVEREF(__pyx_tuple__4); - __pyx_codeobj__5 = (PyObject*)__Pyx_PyCode_New(8, 0, 0, 31, 0, CO_OPTIMIZED|CO_NEWLOCALS, __pyx_empty_bytes, __pyx_empty_tuple, __pyx_empty_tuple, __pyx_tuple__4, __pyx_empty_tuple, __pyx_empty_tuple, __pyx_kp_s_fast_grid_potential_lj_potential, __pyx_n_s_lj_potential_cython, 10, __pyx_empty_bytes); if (unlikely(!__pyx_codeobj__5)) __PYX_ERR(0, 10, __pyx_L1_error) - __Pyx_RefNannyFinishContext(); - return 0; - __pyx_L1_error:; - __Pyx_RefNannyFinishContext(); - return -1; -} -/* #### Code section: init_constants ### */ - -static CYTHON_SMALL_CODE int __Pyx_InitConstants(void) { - if (__Pyx_CreateStringTabAndInitStrings() < 0) __PYX_ERR(0, 1, __pyx_L1_error); - return 0; - __pyx_L1_error:; - return -1; -} -/* #### Code section: init_globals ### */ - -static CYTHON_SMALL_CODE int __Pyx_InitGlobals(void) { - /* NumpyImportArray.init */ - /* - * Cython has automatically inserted a call to _import_array since - * you didn't include one when you cimported numpy. To disable this - * add the line - * numpy._import_array - */ -#ifdef NPY_FEATURE_VERSION -#ifndef NO_IMPORT_ARRAY -if (unlikely(_import_array() == -1)) { - PyErr_SetString(PyExc_ImportError, "numpy.core.multiarray failed to import " - "(auto-generated because you didn't call 'numpy.import_array()' after cimporting numpy; " - "use 'numpy._import_array' to disable if you are certain you don't need it)."); -} -#endif -#endif - -if (unlikely(PyErr_Occurred())) __PYX_ERR(0, 1, __pyx_L1_error) - - return 0; - __pyx_L1_error:; - return -1; -} -/* #### Code section: init_module ### */ - -static CYTHON_SMALL_CODE int __Pyx_modinit_global_init_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_variable_export_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_function_export_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_type_init_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_type_import_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_variable_import_code(void); /*proto*/ -static CYTHON_SMALL_CODE int __Pyx_modinit_function_import_code(void); /*proto*/ - -static int __Pyx_modinit_global_init_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_global_init_code", 0); - /*--- Global init code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - -static int __Pyx_modinit_variable_export_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_variable_export_code", 0); - /*--- Variable export code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - -static int __Pyx_modinit_function_export_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_function_export_code", 0); - /*--- Function export code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - -static int __Pyx_modinit_type_init_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_type_init_code", 0); - /*--- Type init code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - -static int __Pyx_modinit_type_import_code(void) { - __Pyx_RefNannyDeclarations - PyObject *__pyx_t_1 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannySetupContext("__Pyx_modinit_type_import_code", 0); - /*--- Type import code ---*/ - __pyx_t_1 = PyImport_ImportModule(__Pyx_BUILTIN_MODULE_NAME); if (unlikely(!__pyx_t_1)) __PYX_ERR(2, 9, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_ptype_7cpython_4type_type = __Pyx_ImportType_3_0_5(__pyx_t_1, __Pyx_BUILTIN_MODULE_NAME, "type", - #if defined(PYPY_VERSION_NUM) && PYPY_VERSION_NUM < 0x050B0000 - sizeof(PyTypeObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyTypeObject), - #elif CYTHON_COMPILING_IN_LIMITED_API - sizeof(PyTypeObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyTypeObject), - #else - sizeof(PyHeapTypeObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyHeapTypeObject), - #endif - __Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_7cpython_4type_type) __PYX_ERR(2, 9, __pyx_L1_error) - __Pyx_DECREF(__pyx_t_1); __pyx_t_1 = 0; - __pyx_t_1 = PyImport_ImportModule("numpy"); if (unlikely(!__pyx_t_1)) __PYX_ERR(1, 202, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_1); - __pyx_ptype_5numpy_dtype = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "dtype", sizeof(PyArray_Descr), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyArray_Descr),__Pyx_ImportType_CheckSize_Ignore_3_0_5); if (!__pyx_ptype_5numpy_dtype) __PYX_ERR(1, 202, __pyx_L1_error) - __pyx_ptype_5numpy_flatiter = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "flatiter", sizeof(PyArrayIterObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyArrayIterObject),__Pyx_ImportType_CheckSize_Ignore_3_0_5); if (!__pyx_ptype_5numpy_flatiter) __PYX_ERR(1, 225, __pyx_L1_error) - __pyx_ptype_5numpy_broadcast = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "broadcast", sizeof(PyArrayMultiIterObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyArrayMultiIterObject),__Pyx_ImportType_CheckSize_Ignore_3_0_5); if (!__pyx_ptype_5numpy_broadcast) __PYX_ERR(1, 229, __pyx_L1_error) - __pyx_ptype_5numpy_ndarray = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "ndarray", sizeof(PyArrayObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyArrayObject),__Pyx_ImportType_CheckSize_Ignore_3_0_5); if (!__pyx_ptype_5numpy_ndarray) __PYX_ERR(1, 238, __pyx_L1_error) - __pyx_ptype_5numpy_generic = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "generic", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_generic) __PYX_ERR(1, 809, __pyx_L1_error) - __pyx_ptype_5numpy_number = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "number", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_number) __PYX_ERR(1, 811, __pyx_L1_error) - __pyx_ptype_5numpy_integer = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "integer", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_integer) __PYX_ERR(1, 813, __pyx_L1_error) - __pyx_ptype_5numpy_signedinteger = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "signedinteger", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_signedinteger) __PYX_ERR(1, 815, __pyx_L1_error) - __pyx_ptype_5numpy_unsignedinteger = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "unsignedinteger", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_unsignedinteger) __PYX_ERR(1, 817, __pyx_L1_error) - __pyx_ptype_5numpy_inexact = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "inexact", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_inexact) __PYX_ERR(1, 819, __pyx_L1_error) - __pyx_ptype_5numpy_floating = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "floating", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_floating) __PYX_ERR(1, 821, __pyx_L1_error) - __pyx_ptype_5numpy_complexfloating = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "complexfloating", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_complexfloating) __PYX_ERR(1, 823, __pyx_L1_error) - __pyx_ptype_5numpy_flexible = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "flexible", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_flexible) __PYX_ERR(1, 825, __pyx_L1_error) - __pyx_ptype_5numpy_character = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "character", sizeof(PyObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyObject),__Pyx_ImportType_CheckSize_Warn_3_0_5); if (!__pyx_ptype_5numpy_character) __PYX_ERR(1, 827, __pyx_L1_error) - __pyx_ptype_5numpy_ufunc = __Pyx_ImportType_3_0_5(__pyx_t_1, "numpy", "ufunc", sizeof(PyUFuncObject), __PYX_GET_STRUCT_ALIGNMENT_3_0_5(PyUFuncObject),__Pyx_ImportType_CheckSize_Ignore_3_0_5); if (!__pyx_ptype_5numpy_ufunc) __PYX_ERR(1, 866, __pyx_L1_error) - __Pyx_DECREF(__pyx_t_1); __pyx_t_1 = 0; - __Pyx_RefNannyFinishContext(); - return 0; - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_1); - __Pyx_RefNannyFinishContext(); - return -1; -} - -static int __Pyx_modinit_variable_import_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_variable_import_code", 0); - /*--- Variable import code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - -static int __Pyx_modinit_function_import_code(void) { - __Pyx_RefNannyDeclarations - __Pyx_RefNannySetupContext("__Pyx_modinit_function_import_code", 0); - /*--- Function import code ---*/ - __Pyx_RefNannyFinishContext(); - return 0; -} - - -#if PY_MAJOR_VERSION >= 3 -#if CYTHON_PEP489_MULTI_PHASE_INIT -static PyObject* __pyx_pymod_create(PyObject *spec, PyModuleDef *def); /*proto*/ -static int __pyx_pymod_exec_lj_potential(PyObject* module); /*proto*/ -static PyModuleDef_Slot __pyx_moduledef_slots[] = { - {Py_mod_create, (void*)__pyx_pymod_create}, - {Py_mod_exec, (void*)__pyx_pymod_exec_lj_potential}, - {0, NULL} -}; -#endif - -#ifdef __cplusplus -namespace { - struct PyModuleDef __pyx_moduledef = - #else - static struct PyModuleDef __pyx_moduledef = - #endif - { - PyModuleDef_HEAD_INIT, - "lj_potential", - 0, /* m_doc */ - #if CYTHON_PEP489_MULTI_PHASE_INIT - 0, /* m_size */ - #elif CYTHON_USE_MODULE_STATE - sizeof(__pyx_mstate), /* m_size */ - #else - -1, /* m_size */ - #endif - __pyx_methods /* m_methods */, - #if CYTHON_PEP489_MULTI_PHASE_INIT - __pyx_moduledef_slots, /* m_slots */ - #else - NULL, /* m_reload */ - #endif - #if CYTHON_USE_MODULE_STATE - __pyx_m_traverse, /* m_traverse */ - __pyx_m_clear, /* m_clear */ - NULL /* m_free */ - #else - NULL, /* m_traverse */ - NULL, /* m_clear */ - NULL /* m_free */ - #endif - }; - #ifdef __cplusplus -} /* anonymous namespace */ -#endif -#endif - -#ifndef CYTHON_NO_PYINIT_EXPORT -#define __Pyx_PyMODINIT_FUNC PyMODINIT_FUNC -#elif PY_MAJOR_VERSION < 3 -#ifdef __cplusplus -#define __Pyx_PyMODINIT_FUNC extern "C" void -#else -#define __Pyx_PyMODINIT_FUNC void -#endif -#else -#ifdef __cplusplus -#define __Pyx_PyMODINIT_FUNC extern "C" PyObject * -#else -#define __Pyx_PyMODINIT_FUNC PyObject * -#endif -#endif - - -#if PY_MAJOR_VERSION < 3 -__Pyx_PyMODINIT_FUNC initlj_potential(void) CYTHON_SMALL_CODE; /*proto*/ -__Pyx_PyMODINIT_FUNC initlj_potential(void) -#else -__Pyx_PyMODINIT_FUNC PyInit_lj_potential(void) CYTHON_SMALL_CODE; /*proto*/ -__Pyx_PyMODINIT_FUNC PyInit_lj_potential(void) -#if CYTHON_PEP489_MULTI_PHASE_INIT -{ - return PyModuleDef_Init(&__pyx_moduledef); -} -static CYTHON_SMALL_CODE int __Pyx_check_single_interpreter(void) { - #if PY_VERSION_HEX >= 0x030700A1 - static PY_INT64_T main_interpreter_id = -1; - PY_INT64_T current_id = PyInterpreterState_GetID(PyThreadState_Get()->interp); - if (main_interpreter_id == -1) { - main_interpreter_id = current_id; - return (unlikely(current_id == -1)) ? -1 : 0; - } else if (unlikely(main_interpreter_id != current_id)) - #else - static PyInterpreterState *main_interpreter = NULL; - PyInterpreterState *current_interpreter = PyThreadState_Get()->interp; - if (!main_interpreter) { - main_interpreter = current_interpreter; - } else if (unlikely(main_interpreter != current_interpreter)) - #endif - { - PyErr_SetString( - PyExc_ImportError, - "Interpreter change detected - this module can only be loaded into one interpreter per process."); - return -1; - } - return 0; -} -#if CYTHON_COMPILING_IN_LIMITED_API -static CYTHON_SMALL_CODE int __Pyx_copy_spec_to_module(PyObject *spec, PyObject *module, const char* from_name, const char* to_name, int allow_none) -#else -static CYTHON_SMALL_CODE int __Pyx_copy_spec_to_module(PyObject *spec, PyObject *moddict, const char* from_name, const char* to_name, int allow_none) -#endif -{ - PyObject *value = PyObject_GetAttrString(spec, from_name); - int result = 0; - if (likely(value)) { - if (allow_none || value != Py_None) { -#if CYTHON_COMPILING_IN_LIMITED_API - result = PyModule_AddObject(module, to_name, value); -#else - result = PyDict_SetItemString(moddict, to_name, value); -#endif - } - Py_DECREF(value); - } else if (PyErr_ExceptionMatches(PyExc_AttributeError)) { - PyErr_Clear(); - } else { - result = -1; - } - return result; -} -static CYTHON_SMALL_CODE PyObject* __pyx_pymod_create(PyObject *spec, PyModuleDef *def) { - PyObject *module = NULL, *moddict, *modname; - CYTHON_UNUSED_VAR(def); - if (__Pyx_check_single_interpreter()) - return NULL; - if (__pyx_m) - return __Pyx_NewRef(__pyx_m); - modname = PyObject_GetAttrString(spec, "name"); - if (unlikely(!modname)) goto bad; - module = PyModule_NewObject(modname); - Py_DECREF(modname); - if (unlikely(!module)) goto bad; -#if CYTHON_COMPILING_IN_LIMITED_API - moddict = module; -#else - moddict = PyModule_GetDict(module); - if (unlikely(!moddict)) goto bad; -#endif - if (unlikely(__Pyx_copy_spec_to_module(spec, moddict, "loader", "__loader__", 1) < 0)) goto bad; - if (unlikely(__Pyx_copy_spec_to_module(spec, moddict, "origin", "__file__", 1) < 0)) goto bad; - if (unlikely(__Pyx_copy_spec_to_module(spec, moddict, "parent", "__package__", 1) < 0)) goto bad; - if (unlikely(__Pyx_copy_spec_to_module(spec, moddict, "submodule_search_locations", "__path__", 0) < 0)) goto bad; - return module; -bad: - Py_XDECREF(module); - return NULL; -} - - -static CYTHON_SMALL_CODE int __pyx_pymod_exec_lj_potential(PyObject *__pyx_pyinit_module) -#endif -#endif -{ - int stringtab_initialized = 0; - #if CYTHON_USE_MODULE_STATE - int pystate_addmodule_run = 0; - #endif - PyObject *__pyx_t_1 = NULL; - PyObject *__pyx_t_2 = NULL; - int __pyx_lineno = 0; - const char *__pyx_filename = NULL; - int __pyx_clineno = 0; - __Pyx_RefNannyDeclarations - #if CYTHON_PEP489_MULTI_PHASE_INIT - if (__pyx_m) { - if (__pyx_m == __pyx_pyinit_module) return 0; - PyErr_SetString(PyExc_RuntimeError, "Module 'lj_potential' has already been imported. Re-initialisation is not supported."); - return -1; - } - #elif PY_MAJOR_VERSION >= 3 - if (__pyx_m) return __Pyx_NewRef(__pyx_m); - #endif - /*--- Module creation code ---*/ - #if CYTHON_PEP489_MULTI_PHASE_INIT - __pyx_m = __pyx_pyinit_module; - Py_INCREF(__pyx_m); - #else - #if PY_MAJOR_VERSION < 3 - __pyx_m = Py_InitModule4("lj_potential", __pyx_methods, 0, 0, PYTHON_API_VERSION); Py_XINCREF(__pyx_m); - if (unlikely(!__pyx_m)) __PYX_ERR(0, 1, __pyx_L1_error) - #elif CYTHON_USE_MODULE_STATE - __pyx_t_1 = PyModule_Create(&__pyx_moduledef); if (unlikely(!__pyx_t_1)) __PYX_ERR(0, 1, __pyx_L1_error) - { - int add_module_result = PyState_AddModule(__pyx_t_1, &__pyx_moduledef); - __pyx_t_1 = 0; /* transfer ownership from __pyx_t_1 to lj_potential pseudovariable */ - if (unlikely((add_module_result < 0))) __PYX_ERR(0, 1, __pyx_L1_error) - pystate_addmodule_run = 1; - } - #else - __pyx_m = PyModule_Create(&__pyx_moduledef); - if (unlikely(!__pyx_m)) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #endif - CYTHON_UNUSED_VAR(__pyx_t_1); - __pyx_d = PyModule_GetDict(__pyx_m); if (unlikely(!__pyx_d)) __PYX_ERR(0, 1, __pyx_L1_error) - Py_INCREF(__pyx_d); - __pyx_b = __Pyx_PyImport_AddModuleRef(__Pyx_BUILTIN_MODULE_NAME); if (unlikely(!__pyx_b)) __PYX_ERR(0, 1, __pyx_L1_error) - __pyx_cython_runtime = __Pyx_PyImport_AddModuleRef((const char *) "cython_runtime"); if (unlikely(!__pyx_cython_runtime)) __PYX_ERR(0, 1, __pyx_L1_error) - if (PyObject_SetAttrString(__pyx_m, "__builtins__", __pyx_b) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #if CYTHON_REFNANNY -__Pyx_RefNanny = __Pyx_RefNannyImportAPI("refnanny"); -if (!__Pyx_RefNanny) { - PyErr_Clear(); - __Pyx_RefNanny = __Pyx_RefNannyImportAPI("Cython.Runtime.refnanny"); - if (!__Pyx_RefNanny) - Py_FatalError("failed to import 'refnanny' module"); -} -#endif - __Pyx_RefNannySetupContext("__Pyx_PyMODINIT_FUNC PyInit_lj_potential(void)", 0); - if (__Pyx_check_binary_version(__PYX_LIMITED_VERSION_HEX, __Pyx_get_runtime_version(), CYTHON_COMPILING_IN_LIMITED_API) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #ifdef __Pxy_PyFrame_Initialize_Offsets - __Pxy_PyFrame_Initialize_Offsets(); - #endif - __pyx_empty_tuple = PyTuple_New(0); if (unlikely(!__pyx_empty_tuple)) __PYX_ERR(0, 1, __pyx_L1_error) - __pyx_empty_bytes = PyBytes_FromStringAndSize("", 0); if (unlikely(!__pyx_empty_bytes)) __PYX_ERR(0, 1, __pyx_L1_error) - __pyx_empty_unicode = PyUnicode_FromStringAndSize("", 0); if (unlikely(!__pyx_empty_unicode)) __PYX_ERR(0, 1, __pyx_L1_error) - #ifdef __Pyx_CyFunction_USED - if (__pyx_CyFunction_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #ifdef __Pyx_FusedFunction_USED - if (__pyx_FusedFunction_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #ifdef __Pyx_Coroutine_USED - if (__pyx_Coroutine_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #ifdef __Pyx_Generator_USED - if (__pyx_Generator_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #ifdef __Pyx_AsyncGen_USED - if (__pyx_AsyncGen_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - #ifdef __Pyx_StopAsyncIteration_USED - if (__pyx_StopAsyncIteration_init(__pyx_m) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - /*--- Library function declarations ---*/ - /*--- Threads initialization code ---*/ - #if defined(WITH_THREAD) && PY_VERSION_HEX < 0x030700F0 && defined(__PYX_FORCE_INIT_THREADS) && __PYX_FORCE_INIT_THREADS - PyEval_InitThreads(); - #endif - /*--- Initialize various global constants etc. ---*/ - if (__Pyx_InitConstants() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - stringtab_initialized = 1; - if (__Pyx_InitGlobals() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #if PY_MAJOR_VERSION < 3 && (__PYX_DEFAULT_STRING_ENCODING_IS_ASCII || __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT) - if (__Pyx_init_sys_getdefaultencoding_params() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - if (__pyx_module_is_main_fast_grid__potential__lj_potential) { - if (PyObject_SetAttr(__pyx_m, __pyx_n_s_name, __pyx_n_s_main) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - } - #if PY_MAJOR_VERSION >= 3 - { - PyObject *modules = PyImport_GetModuleDict(); if (unlikely(!modules)) __PYX_ERR(0, 1, __pyx_L1_error) - if (!PyDict_GetItemString(modules, "fast_grid.potential.lj_potential")) { - if (unlikely((PyDict_SetItemString(modules, "fast_grid.potential.lj_potential", __pyx_m) < 0))) __PYX_ERR(0, 1, __pyx_L1_error) - } - } - #endif - /*--- Builtin init code ---*/ - if (__Pyx_InitCachedBuiltins() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - /*--- Constants init code ---*/ - if (__Pyx_InitCachedConstants() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - /*--- Global type/function init code ---*/ - (void)__Pyx_modinit_global_init_code(); - (void)__Pyx_modinit_variable_export_code(); - (void)__Pyx_modinit_function_export_code(); - (void)__Pyx_modinit_type_init_code(); - if (unlikely((__Pyx_modinit_type_import_code() < 0))) __PYX_ERR(0, 1, __pyx_L1_error) - (void)__Pyx_modinit_variable_import_code(); - (void)__Pyx_modinit_function_import_code(); - /*--- Execution code ---*/ - #if defined(__Pyx_Generator_USED) || defined(__Pyx_Coroutine_USED) - if (__Pyx_patch_abc() < 0) __PYX_ERR(0, 1, __pyx_L1_error) - #endif - - /* "fast_grid/potential/lj_potential.pyx":3 - * # cython: language_level=3 - * # cython: boundscheck=False, wraparound=False, cdivision=True - * import numpy as np # <<<<<<<<<<<<<< - * - * import cython - */ - __pyx_t_2 = __Pyx_ImportDottedModule(__pyx_n_s_numpy, NULL); if (unlikely(!__pyx_t_2)) __PYX_ERR(0, 3, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_2); - if (PyDict_SetItem(__pyx_d, __pyx_n_s_np, __pyx_t_2) < 0) __PYX_ERR(0, 3, __pyx_L1_error) - __Pyx_DECREF(__pyx_t_2); __pyx_t_2 = 0; - - /* "fast_grid/potential/lj_potential.pyx":10 - * from libc.math cimport round - * - * @cython.wraparound(False) # <<<<<<<<<<<<<< - * @cython.boundscheck(False) - * @cython.cdivision(True) - */ - __pyx_t_2 = __Pyx_CyFunction_New(&__pyx_mdef_9fast_grid_9potential_12lj_potential_1lj_potential_cython, 0, __pyx_n_s_lj_potential_cython, NULL, __pyx_n_s_fast_grid_potential_lj_potential_2, __pyx_d, ((PyObject *)__pyx_codeobj__5)); if (unlikely(!__pyx_t_2)) __PYX_ERR(0, 10, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_2); - if (PyDict_SetItem(__pyx_d, __pyx_n_s_lj_potential_cython, __pyx_t_2) < 0) __PYX_ERR(0, 10, __pyx_L1_error) - __Pyx_DECREF(__pyx_t_2); __pyx_t_2 = 0; - - /* "fast_grid/potential/lj_potential.pyx":1 - * # cython: language_level=3 # <<<<<<<<<<<<<< - * # cython: boundscheck=False, wraparound=False, cdivision=True - * import numpy as np - */ - __pyx_t_2 = __Pyx_PyDict_NewPresized(0); if (unlikely(!__pyx_t_2)) __PYX_ERR(0, 1, __pyx_L1_error) - __Pyx_GOTREF(__pyx_t_2); - if (PyDict_SetItem(__pyx_d, __pyx_n_s_test, __pyx_t_2) < 0) __PYX_ERR(0, 1, __pyx_L1_error) - __Pyx_DECREF(__pyx_t_2); __pyx_t_2 = 0; - - /*--- Wrapped vars code ---*/ - - goto __pyx_L0; - __pyx_L1_error:; - __Pyx_XDECREF(__pyx_t_2); - if (__pyx_m) { - if (__pyx_d && stringtab_initialized) { - __Pyx_AddTraceback("init fast_grid.potential.lj_potential", __pyx_clineno, __pyx_lineno, __pyx_filename); - } - #if !CYTHON_USE_MODULE_STATE - Py_CLEAR(__pyx_m); - #else - Py_DECREF(__pyx_m); - if (pystate_addmodule_run) { - PyObject *tp, *value, *tb; - PyErr_Fetch(&tp, &value, &tb); - PyState_RemoveModule(&__pyx_moduledef); - PyErr_Restore(tp, value, tb); - } - #endif - } else if (!PyErr_Occurred()) { - PyErr_SetString(PyExc_ImportError, "init fast_grid.potential.lj_potential"); - } - __pyx_L0:; - __Pyx_RefNannyFinishContext(); - #if CYTHON_PEP489_MULTI_PHASE_INIT - return (__pyx_m != NULL) ? 0 : -1; - #elif PY_MAJOR_VERSION >= 3 - return __pyx_m; - #else - return; - #endif -} -/* #### Code section: cleanup_globals ### */ -/* #### Code section: cleanup_module ### */ -/* #### Code section: main_method ### */ -/* #### Code section: utility_code_pragmas ### */ -#ifdef _MSC_VER -#pragma warning( push ) -/* Warning 4127: conditional expression is constant - * Cython uses constant conditional expressions to allow in inline functions to be optimized at - * compile-time, so this warning is not useful - */ -#pragma warning( disable : 4127 ) -#endif - - - -/* #### Code section: utility_code_def ### */ - -/* --- Runtime support code --- */ -/* Refnanny */ -#if CYTHON_REFNANNY -static __Pyx_RefNannyAPIStruct *__Pyx_RefNannyImportAPI(const char *modname) { - PyObject *m = NULL, *p = NULL; - void *r = NULL; - m = PyImport_ImportModule(modname); - if (!m) goto end; - p = PyObject_GetAttrString(m, "RefNannyAPI"); - if (!p) goto end; - r = PyLong_AsVoidPtr(p); -end: - Py_XDECREF(p); - Py_XDECREF(m); - return (__Pyx_RefNannyAPIStruct *)r; -} -#endif - -/* PyErrExceptionMatches */ -#if CYTHON_FAST_THREAD_STATE -static int __Pyx_PyErr_ExceptionMatchesTuple(PyObject *exc_type, PyObject *tuple) { - Py_ssize_t i, n; - n = PyTuple_GET_SIZE(tuple); -#if PY_MAJOR_VERSION >= 3 - for (i=0; i= 0x030C00A6 - PyObject *current_exception = tstate->current_exception; - if (unlikely(!current_exception)) return 0; - exc_type = (PyObject*) Py_TYPE(current_exception); - if (exc_type == err) return 1; -#else - exc_type = tstate->curexc_type; - if (exc_type == err) return 1; - if (unlikely(!exc_type)) return 0; -#endif - #if CYTHON_AVOID_BORROWED_REFS - Py_INCREF(exc_type); - #endif - if (unlikely(PyTuple_Check(err))) { - result = __Pyx_PyErr_ExceptionMatchesTuple(exc_type, err); - } else { - result = __Pyx_PyErr_GivenExceptionMatches(exc_type, err); - } - #if CYTHON_AVOID_BORROWED_REFS - Py_DECREF(exc_type); - #endif - return result; -} -#endif - -/* PyErrFetchRestore */ -#if CYTHON_FAST_THREAD_STATE -static CYTHON_INLINE void __Pyx_ErrRestoreInState(PyThreadState *tstate, PyObject *type, PyObject *value, PyObject *tb) { -#if PY_VERSION_HEX >= 0x030C00A6 - PyObject *tmp_value; - assert(type == NULL || (value != NULL && type == (PyObject*) Py_TYPE(value))); - if (value) { - #if CYTHON_COMPILING_IN_CPYTHON - if (unlikely(((PyBaseExceptionObject*) value)->traceback != tb)) - #endif - PyException_SetTraceback(value, tb); - } - tmp_value = tstate->current_exception; - tstate->current_exception = value; - Py_XDECREF(tmp_value); - Py_XDECREF(type); - Py_XDECREF(tb); -#else - PyObject *tmp_type, *tmp_value, *tmp_tb; - tmp_type = tstate->curexc_type; - tmp_value = tstate->curexc_value; - tmp_tb = tstate->curexc_traceback; - tstate->curexc_type = type; - tstate->curexc_value = value; - tstate->curexc_traceback = tb; - Py_XDECREF(tmp_type); - Py_XDECREF(tmp_value); - Py_XDECREF(tmp_tb); -#endif -} -static CYTHON_INLINE void __Pyx_ErrFetchInState(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb) { -#if PY_VERSION_HEX >= 0x030C00A6 - PyObject* exc_value; - exc_value = tstate->current_exception; - tstate->current_exception = 0; - *value = exc_value; - *type = NULL; - *tb = NULL; - if (exc_value) { - *type = (PyObject*) Py_TYPE(exc_value); - Py_INCREF(*type); - #if CYTHON_COMPILING_IN_CPYTHON - *tb = ((PyBaseExceptionObject*) exc_value)->traceback; - Py_XINCREF(*tb); - #else - *tb = PyException_GetTraceback(exc_value); - #endif - } -#else - *type = tstate->curexc_type; - *value = tstate->curexc_value; - *tb = tstate->curexc_traceback; - tstate->curexc_type = 0; - tstate->curexc_value = 0; - tstate->curexc_traceback = 0; -#endif -} -#endif - -/* PyObjectGetAttrStr */ -#if CYTHON_USE_TYPE_SLOTS -static CYTHON_INLINE PyObject* __Pyx_PyObject_GetAttrStr(PyObject* obj, PyObject* attr_name) { - PyTypeObject* tp = Py_TYPE(obj); - if (likely(tp->tp_getattro)) - return tp->tp_getattro(obj, attr_name); -#if PY_MAJOR_VERSION < 3 - if (likely(tp->tp_getattr)) - return tp->tp_getattr(obj, PyString_AS_STRING(attr_name)); -#endif - return PyObject_GetAttr(obj, attr_name); -} -#endif - -/* PyObjectGetAttrStrNoError */ -#if __PYX_LIMITED_VERSION_HEX < 0x030d00A1 -static void __Pyx_PyObject_GetAttrStr_ClearAttributeError(void) { - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - if (likely(__Pyx_PyErr_ExceptionMatches(PyExc_AttributeError))) - __Pyx_PyErr_Clear(); -} -#endif -static CYTHON_INLINE PyObject* __Pyx_PyObject_GetAttrStrNoError(PyObject* obj, PyObject* attr_name) { - PyObject *result; -#if __PYX_LIMITED_VERSION_HEX >= 0x030d00A1 - (void) PyObject_GetOptionalAttr(obj, attr_name, &result); - return result; -#else -#if CYTHON_COMPILING_IN_CPYTHON && CYTHON_USE_TYPE_SLOTS && PY_VERSION_HEX >= 0x030700B1 - PyTypeObject* tp = Py_TYPE(obj); - if (likely(tp->tp_getattro == PyObject_GenericGetAttr)) { - return _PyObject_GenericGetAttrWithDict(obj, attr_name, NULL, 1); - } -#endif - result = __Pyx_PyObject_GetAttrStr(obj, attr_name); - if (unlikely(!result)) { - __Pyx_PyObject_GetAttrStr_ClearAttributeError(); - } - return result; -#endif -} - -/* GetBuiltinName */ -static PyObject *__Pyx_GetBuiltinName(PyObject *name) { - PyObject* result = __Pyx_PyObject_GetAttrStrNoError(__pyx_b, name); - if (unlikely(!result) && !PyErr_Occurred()) { - PyErr_Format(PyExc_NameError, -#if PY_MAJOR_VERSION >= 3 - "name '%U' is not defined", name); -#else - "name '%.200s' is not defined", PyString_AS_STRING(name)); -#endif - } - return result; -} - -/* GetTopmostException */ -#if CYTHON_USE_EXC_INFO_STACK && CYTHON_FAST_THREAD_STATE -static _PyErr_StackItem * -__Pyx_PyErr_GetTopmostException(PyThreadState *tstate) -{ - _PyErr_StackItem *exc_info = tstate->exc_info; - while ((exc_info->exc_value == NULL || exc_info->exc_value == Py_None) && - exc_info->previous_item != NULL) - { - exc_info = exc_info->previous_item; - } - return exc_info; -} -#endif - -/* SaveResetException */ -#if CYTHON_FAST_THREAD_STATE -static CYTHON_INLINE void __Pyx__ExceptionSave(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb) { - #if CYTHON_USE_EXC_INFO_STACK && PY_VERSION_HEX >= 0x030B00a4 - _PyErr_StackItem *exc_info = __Pyx_PyErr_GetTopmostException(tstate); - PyObject *exc_value = exc_info->exc_value; - if (exc_value == NULL || exc_value == Py_None) { - *value = NULL; - *type = NULL; - *tb = NULL; - } else { - *value = exc_value; - Py_INCREF(*value); - *type = (PyObject*) Py_TYPE(exc_value); - Py_INCREF(*type); - *tb = PyException_GetTraceback(exc_value); - } - #elif CYTHON_USE_EXC_INFO_STACK - _PyErr_StackItem *exc_info = __Pyx_PyErr_GetTopmostException(tstate); - *type = exc_info->exc_type; - *value = exc_info->exc_value; - *tb = exc_info->exc_traceback; - Py_XINCREF(*type); - Py_XINCREF(*value); - Py_XINCREF(*tb); - #else - *type = tstate->exc_type; - *value = tstate->exc_value; - *tb = tstate->exc_traceback; - Py_XINCREF(*type); - Py_XINCREF(*value); - Py_XINCREF(*tb); - #endif -} -static CYTHON_INLINE void __Pyx__ExceptionReset(PyThreadState *tstate, PyObject *type, PyObject *value, PyObject *tb) { - #if CYTHON_USE_EXC_INFO_STACK && PY_VERSION_HEX >= 0x030B00a4 - _PyErr_StackItem *exc_info = tstate->exc_info; - PyObject *tmp_value = exc_info->exc_value; - exc_info->exc_value = value; - Py_XDECREF(tmp_value); - Py_XDECREF(type); - Py_XDECREF(tb); - #else - PyObject *tmp_type, *tmp_value, *tmp_tb; - #if CYTHON_USE_EXC_INFO_STACK - _PyErr_StackItem *exc_info = tstate->exc_info; - tmp_type = exc_info->exc_type; - tmp_value = exc_info->exc_value; - tmp_tb = exc_info->exc_traceback; - exc_info->exc_type = type; - exc_info->exc_value = value; - exc_info->exc_traceback = tb; - #else - tmp_type = tstate->exc_type; - tmp_value = tstate->exc_value; - tmp_tb = tstate->exc_traceback; - tstate->exc_type = type; - tstate->exc_value = value; - tstate->exc_traceback = tb; - #endif - Py_XDECREF(tmp_type); - Py_XDECREF(tmp_value); - Py_XDECREF(tmp_tb); - #endif -} -#endif - -/* GetException */ -#if CYTHON_FAST_THREAD_STATE -static int __Pyx__GetException(PyThreadState *tstate, PyObject **type, PyObject **value, PyObject **tb) -#else -static int __Pyx_GetException(PyObject **type, PyObject **value, PyObject **tb) -#endif -{ - PyObject *local_type = NULL, *local_value, *local_tb = NULL; -#if CYTHON_FAST_THREAD_STATE - PyObject *tmp_type, *tmp_value, *tmp_tb; - #if PY_VERSION_HEX >= 0x030C00A6 - local_value = tstate->current_exception; - tstate->current_exception = 0; - if (likely(local_value)) { - local_type = (PyObject*) Py_TYPE(local_value); - Py_INCREF(local_type); - local_tb = PyException_GetTraceback(local_value); - } - #else - local_type = tstate->curexc_type; - local_value = tstate->curexc_value; - local_tb = tstate->curexc_traceback; - tstate->curexc_type = 0; - tstate->curexc_value = 0; - tstate->curexc_traceback = 0; - #endif -#else - PyErr_Fetch(&local_type, &local_value, &local_tb); -#endif - PyErr_NormalizeException(&local_type, &local_value, &local_tb); -#if CYTHON_FAST_THREAD_STATE && PY_VERSION_HEX >= 0x030C00A6 - if (unlikely(tstate->current_exception)) -#elif CYTHON_FAST_THREAD_STATE - if (unlikely(tstate->curexc_type)) -#else - if (unlikely(PyErr_Occurred())) -#endif - goto bad; - #if PY_MAJOR_VERSION >= 3 - if (local_tb) { - if (unlikely(PyException_SetTraceback(local_value, local_tb) < 0)) - goto bad; - } - #endif - Py_XINCREF(local_tb); - Py_XINCREF(local_type); - Py_XINCREF(local_value); - *type = local_type; - *value = local_value; - *tb = local_tb; -#if CYTHON_FAST_THREAD_STATE - #if CYTHON_USE_EXC_INFO_STACK - { - _PyErr_StackItem *exc_info = tstate->exc_info; - #if PY_VERSION_HEX >= 0x030B00a4 - tmp_value = exc_info->exc_value; - exc_info->exc_value = local_value; - tmp_type = NULL; - tmp_tb = NULL; - Py_XDECREF(local_type); - Py_XDECREF(local_tb); - #else - tmp_type = exc_info->exc_type; - tmp_value = exc_info->exc_value; - tmp_tb = exc_info->exc_traceback; - exc_info->exc_type = local_type; - exc_info->exc_value = local_value; - exc_info->exc_traceback = local_tb; - #endif - } - #else - tmp_type = tstate->exc_type; - tmp_value = tstate->exc_value; - tmp_tb = tstate->exc_traceback; - tstate->exc_type = local_type; - tstate->exc_value = local_value; - tstate->exc_traceback = local_tb; - #endif - Py_XDECREF(tmp_type); - Py_XDECREF(tmp_value); - Py_XDECREF(tmp_tb); -#else - PyErr_SetExcInfo(local_type, local_value, local_tb); -#endif - return 0; -bad: - *type = 0; - *value = 0; - *tb = 0; - Py_XDECREF(local_type); - Py_XDECREF(local_value); - Py_XDECREF(local_tb); - return -1; -} - -/* PyObjectCall */ -#if CYTHON_COMPILING_IN_CPYTHON -static CYTHON_INLINE PyObject* __Pyx_PyObject_Call(PyObject *func, PyObject *arg, PyObject *kw) { - PyObject *result; - ternaryfunc call = Py_TYPE(func)->tp_call; - if (unlikely(!call)) - return PyObject_Call(func, arg, kw); - #if PY_MAJOR_VERSION < 3 - if (unlikely(Py_EnterRecursiveCall((char*)" while calling a Python object"))) - return NULL; - #else - if (unlikely(Py_EnterRecursiveCall(" while calling a Python object"))) - return NULL; - #endif - result = (*call)(func, arg, kw); - Py_LeaveRecursiveCall(); - if (unlikely(!result) && unlikely(!PyErr_Occurred())) { - PyErr_SetString( - PyExc_SystemError, - "NULL result without error in PyObject_Call"); - } - return result; -} -#endif - -/* RaiseException */ -#if PY_MAJOR_VERSION < 3 -static void __Pyx_Raise(PyObject *type, PyObject *value, PyObject *tb, PyObject *cause) { - __Pyx_PyThreadState_declare - CYTHON_UNUSED_VAR(cause); - Py_XINCREF(type); - if (!value || value == Py_None) - value = NULL; - else - Py_INCREF(value); - if (!tb || tb == Py_None) - tb = NULL; - else { - Py_INCREF(tb); - if (!PyTraceBack_Check(tb)) { - PyErr_SetString(PyExc_TypeError, - "raise: arg 3 must be a traceback or None"); - goto raise_error; - } - } - if (PyType_Check(type)) { -#if CYTHON_COMPILING_IN_PYPY - if (!value) { - Py_INCREF(Py_None); - value = Py_None; - } -#endif - PyErr_NormalizeException(&type, &value, &tb); - } else { - if (value) { - PyErr_SetString(PyExc_TypeError, - "instance exception may not have a separate value"); - goto raise_error; - } - value = type; - type = (PyObject*) Py_TYPE(type); - Py_INCREF(type); - if (!PyType_IsSubtype((PyTypeObject *)type, (PyTypeObject *)PyExc_BaseException)) { - PyErr_SetString(PyExc_TypeError, - "raise: exception class must be a subclass of BaseException"); - goto raise_error; - } - } - __Pyx_PyThreadState_assign - __Pyx_ErrRestore(type, value, tb); - return; -raise_error: - Py_XDECREF(value); - Py_XDECREF(type); - Py_XDECREF(tb); - return; -} -#else -static void __Pyx_Raise(PyObject *type, PyObject *value, PyObject *tb, PyObject *cause) { - PyObject* owned_instance = NULL; - if (tb == Py_None) { - tb = 0; - } else if (tb && !PyTraceBack_Check(tb)) { - PyErr_SetString(PyExc_TypeError, - "raise: arg 3 must be a traceback or None"); - goto bad; - } - if (value == Py_None) - value = 0; - if (PyExceptionInstance_Check(type)) { - if (value) { - PyErr_SetString(PyExc_TypeError, - "instance exception may not have a separate value"); - goto bad; - } - value = type; - type = (PyObject*) Py_TYPE(value); - } else if (PyExceptionClass_Check(type)) { - PyObject *instance_class = NULL; - if (value && PyExceptionInstance_Check(value)) { - instance_class = (PyObject*) Py_TYPE(value); - if (instance_class != type) { - int is_subclass = PyObject_IsSubclass(instance_class, type); - if (!is_subclass) { - instance_class = NULL; - } else if (unlikely(is_subclass == -1)) { - goto bad; - } else { - type = instance_class; - } - } - } - if (!instance_class) { - PyObject *args; - if (!value) - args = PyTuple_New(0); - else if (PyTuple_Check(value)) { - Py_INCREF(value); - args = value; - } else - args = PyTuple_Pack(1, value); - if (!args) - goto bad; - owned_instance = PyObject_Call(type, args, NULL); - Py_DECREF(args); - if (!owned_instance) - goto bad; - value = owned_instance; - if (!PyExceptionInstance_Check(value)) { - PyErr_Format(PyExc_TypeError, - "calling %R should have returned an instance of " - "BaseException, not %R", - type, Py_TYPE(value)); - goto bad; - } - } - } else { - PyErr_SetString(PyExc_TypeError, - "raise: exception class must be a subclass of BaseException"); - goto bad; - } - if (cause) { - PyObject *fixed_cause; - if (cause == Py_None) { - fixed_cause = NULL; - } else if (PyExceptionClass_Check(cause)) { - fixed_cause = PyObject_CallObject(cause, NULL); - if (fixed_cause == NULL) - goto bad; - } else if (PyExceptionInstance_Check(cause)) { - fixed_cause = cause; - Py_INCREF(fixed_cause); - } else { - PyErr_SetString(PyExc_TypeError, - "exception causes must derive from " - "BaseException"); - goto bad; - } - PyException_SetCause(value, fixed_cause); - } - PyErr_SetObject(type, value); - if (tb) { - #if PY_VERSION_HEX >= 0x030C00A6 - PyException_SetTraceback(value, tb); - #elif CYTHON_FAST_THREAD_STATE - PyThreadState *tstate = __Pyx_PyThreadState_Current; - PyObject* tmp_tb = tstate->curexc_traceback; - if (tb != tmp_tb) { - Py_INCREF(tb); - tstate->curexc_traceback = tb; - Py_XDECREF(tmp_tb); - } -#else - PyObject *tmp_type, *tmp_value, *tmp_tb; - PyErr_Fetch(&tmp_type, &tmp_value, &tmp_tb); - Py_INCREF(tb); - PyErr_Restore(tmp_type, tmp_value, tb); - Py_XDECREF(tmp_tb); -#endif - } -bad: - Py_XDECREF(owned_instance); - return; -} -#endif - -/* TupleAndListFromArray */ -#if CYTHON_COMPILING_IN_CPYTHON -static CYTHON_INLINE void __Pyx_copy_object_array(PyObject *const *CYTHON_RESTRICT src, PyObject** CYTHON_RESTRICT dest, Py_ssize_t length) { - PyObject *v; - Py_ssize_t i; - for (i = 0; i < length; i++) { - v = dest[i] = src[i]; - Py_INCREF(v); - } -} -static CYTHON_INLINE PyObject * -__Pyx_PyTuple_FromArray(PyObject *const *src, Py_ssize_t n) -{ - PyObject *res; - if (n <= 0) { - Py_INCREF(__pyx_empty_tuple); - return __pyx_empty_tuple; - } - res = PyTuple_New(n); - if (unlikely(res == NULL)) return NULL; - __Pyx_copy_object_array(src, ((PyTupleObject*)res)->ob_item, n); - return res; -} -static CYTHON_INLINE PyObject * -__Pyx_PyList_FromArray(PyObject *const *src, Py_ssize_t n) -{ - PyObject *res; - if (n <= 0) { - return PyList_New(0); - } - res = PyList_New(n); - if (unlikely(res == NULL)) return NULL; - __Pyx_copy_object_array(src, ((PyListObject*)res)->ob_item, n); - return res; -} -#endif - -/* BytesEquals */ -static CYTHON_INLINE int __Pyx_PyBytes_Equals(PyObject* s1, PyObject* s2, int equals) { -#if CYTHON_COMPILING_IN_PYPY || CYTHON_COMPILING_IN_LIMITED_API - return PyObject_RichCompareBool(s1, s2, equals); -#else - if (s1 == s2) { - return (equals == Py_EQ); - } else if (PyBytes_CheckExact(s1) & PyBytes_CheckExact(s2)) { - const char *ps1, *ps2; - Py_ssize_t length = PyBytes_GET_SIZE(s1); - if (length != PyBytes_GET_SIZE(s2)) - return (equals == Py_NE); - ps1 = PyBytes_AS_STRING(s1); - ps2 = PyBytes_AS_STRING(s2); - if (ps1[0] != ps2[0]) { - return (equals == Py_NE); - } else if (length == 1) { - return (equals == Py_EQ); - } else { - int result; -#if CYTHON_USE_UNICODE_INTERNALS && (PY_VERSION_HEX < 0x030B0000) - Py_hash_t hash1, hash2; - hash1 = ((PyBytesObject*)s1)->ob_shash; - hash2 = ((PyBytesObject*)s2)->ob_shash; - if (hash1 != hash2 && hash1 != -1 && hash2 != -1) { - return (equals == Py_NE); - } -#endif - result = memcmp(ps1, ps2, (size_t)length); - return (equals == Py_EQ) ? (result == 0) : (result != 0); - } - } else if ((s1 == Py_None) & PyBytes_CheckExact(s2)) { - return (equals == Py_NE); - } else if ((s2 == Py_None) & PyBytes_CheckExact(s1)) { - return (equals == Py_NE); - } else { - int result; - PyObject* py_result = PyObject_RichCompare(s1, s2, equals); - if (!py_result) - return -1; - result = __Pyx_PyObject_IsTrue(py_result); - Py_DECREF(py_result); - return result; - } -#endif -} - -/* UnicodeEquals */ -static CYTHON_INLINE int __Pyx_PyUnicode_Equals(PyObject* s1, PyObject* s2, int equals) { -#if CYTHON_COMPILING_IN_PYPY || CYTHON_COMPILING_IN_LIMITED_API - return PyObject_RichCompareBool(s1, s2, equals); -#else -#if PY_MAJOR_VERSION < 3 - PyObject* owned_ref = NULL; -#endif - int s1_is_unicode, s2_is_unicode; - if (s1 == s2) { - goto return_eq; - } - s1_is_unicode = PyUnicode_CheckExact(s1); - s2_is_unicode = PyUnicode_CheckExact(s2); -#if PY_MAJOR_VERSION < 3 - if ((s1_is_unicode & (!s2_is_unicode)) && PyString_CheckExact(s2)) { - owned_ref = PyUnicode_FromObject(s2); - if (unlikely(!owned_ref)) - return -1; - s2 = owned_ref; - s2_is_unicode = 1; - } else if ((s2_is_unicode & (!s1_is_unicode)) && PyString_CheckExact(s1)) { - owned_ref = PyUnicode_FromObject(s1); - if (unlikely(!owned_ref)) - return -1; - s1 = owned_ref; - s1_is_unicode = 1; - } else if (((!s2_is_unicode) & (!s1_is_unicode))) { - return __Pyx_PyBytes_Equals(s1, s2, equals); - } -#endif - if (s1_is_unicode & s2_is_unicode) { - Py_ssize_t length; - int kind; - void *data1, *data2; - if (unlikely(__Pyx_PyUnicode_READY(s1) < 0) || unlikely(__Pyx_PyUnicode_READY(s2) < 0)) - return -1; - length = __Pyx_PyUnicode_GET_LENGTH(s1); - if (length != __Pyx_PyUnicode_GET_LENGTH(s2)) { - goto return_ne; - } -#if CYTHON_USE_UNICODE_INTERNALS - { - Py_hash_t hash1, hash2; - #if CYTHON_PEP393_ENABLED - hash1 = ((PyASCIIObject*)s1)->hash; - hash2 = ((PyASCIIObject*)s2)->hash; - #else - hash1 = ((PyUnicodeObject*)s1)->hash; - hash2 = ((PyUnicodeObject*)s2)->hash; - #endif - if (hash1 != hash2 && hash1 != -1 && hash2 != -1) { - goto return_ne; - } - } -#endif - kind = __Pyx_PyUnicode_KIND(s1); - if (kind != __Pyx_PyUnicode_KIND(s2)) { - goto return_ne; - } - data1 = __Pyx_PyUnicode_DATA(s1); - data2 = __Pyx_PyUnicode_DATA(s2); - if (__Pyx_PyUnicode_READ(kind, data1, 0) != __Pyx_PyUnicode_READ(kind, data2, 0)) { - goto return_ne; - } else if (length == 1) { - goto return_eq; - } else { - int result = memcmp(data1, data2, (size_t)(length * kind)); - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(owned_ref); - #endif - return (equals == Py_EQ) ? (result == 0) : (result != 0); - } - } else if ((s1 == Py_None) & s2_is_unicode) { - goto return_ne; - } else if ((s2 == Py_None) & s1_is_unicode) { - goto return_ne; - } else { - int result; - PyObject* py_result = PyObject_RichCompare(s1, s2, equals); - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(owned_ref); - #endif - if (!py_result) - return -1; - result = __Pyx_PyObject_IsTrue(py_result); - Py_DECREF(py_result); - return result; - } -return_eq: - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(owned_ref); - #endif - return (equals == Py_EQ); -return_ne: - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(owned_ref); - #endif - return (equals == Py_NE); -#endif -} - -/* fastcall */ -#if CYTHON_METH_FASTCALL -static CYTHON_INLINE PyObject * __Pyx_GetKwValue_FASTCALL(PyObject *kwnames, PyObject *const *kwvalues, PyObject *s) -{ - Py_ssize_t i, n = PyTuple_GET_SIZE(kwnames); - for (i = 0; i < n; i++) - { - if (s == PyTuple_GET_ITEM(kwnames, i)) return kwvalues[i]; - } - for (i = 0; i < n; i++) - { - int eq = __Pyx_PyUnicode_Equals(s, PyTuple_GET_ITEM(kwnames, i), Py_EQ); - if (unlikely(eq != 0)) { - if (unlikely(eq < 0)) return NULL; // error - return kwvalues[i]; - } - } - return NULL; // not found (no exception set) -} -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX >= 0x030d0000 -static CYTHON_UNUSED PyObject *__Pyx_KwargsAsDict_FASTCALL(PyObject *kwnames, PyObject *const *kwvalues) { - Py_ssize_t i, nkwargs = PyTuple_GET_SIZE(kwnames); - PyObject *dict; - dict = PyDict_New(); - if (unlikely(!dict)) - return NULL; - for (i=0; i= 3 - "%s() got multiple values for keyword argument '%U'", func_name, kw_name); - #else - "%s() got multiple values for keyword argument '%s'", func_name, - PyString_AsString(kw_name)); - #endif -} - -/* ParseKeywords */ -static int __Pyx_ParseOptionalKeywords( - PyObject *kwds, - PyObject *const *kwvalues, - PyObject **argnames[], - PyObject *kwds2, - PyObject *values[], - Py_ssize_t num_pos_args, - const char* function_name) -{ - PyObject *key = 0, *value = 0; - Py_ssize_t pos = 0; - PyObject*** name; - PyObject*** first_kw_arg = argnames + num_pos_args; - int kwds_is_tuple = CYTHON_METH_FASTCALL && likely(PyTuple_Check(kwds)); - while (1) { - Py_XDECREF(key); key = NULL; - Py_XDECREF(value); value = NULL; - if (kwds_is_tuple) { - Py_ssize_t size; -#if CYTHON_ASSUME_SAFE_MACROS - size = PyTuple_GET_SIZE(kwds); -#else - size = PyTuple_Size(kwds); - if (size < 0) goto bad; -#endif - if (pos >= size) break; -#if CYTHON_AVOID_BORROWED_REFS - key = __Pyx_PySequence_ITEM(kwds, pos); - if (!key) goto bad; -#elif CYTHON_ASSUME_SAFE_MACROS - key = PyTuple_GET_ITEM(kwds, pos); -#else - key = PyTuple_GetItem(kwds, pos); - if (!key) goto bad; -#endif - value = kwvalues[pos]; - pos++; - } - else - { - if (!PyDict_Next(kwds, &pos, &key, &value)) break; -#if CYTHON_AVOID_BORROWED_REFS - Py_INCREF(key); -#endif - } - name = first_kw_arg; - while (*name && (**name != key)) name++; - if (*name) { - values[name-argnames] = value; -#if CYTHON_AVOID_BORROWED_REFS - Py_INCREF(value); // transfer ownership of value to values - Py_DECREF(key); -#endif - key = NULL; - value = NULL; - continue; - } -#if !CYTHON_AVOID_BORROWED_REFS - Py_INCREF(key); -#endif - Py_INCREF(value); - name = first_kw_arg; - #if PY_MAJOR_VERSION < 3 - if (likely(PyString_Check(key))) { - while (*name) { - if ((CYTHON_COMPILING_IN_PYPY || PyString_GET_SIZE(**name) == PyString_GET_SIZE(key)) - && _PyString_Eq(**name, key)) { - values[name-argnames] = value; -#if CYTHON_AVOID_BORROWED_REFS - value = NULL; // ownership transferred to values -#endif - break; - } - name++; - } - if (*name) continue; - else { - PyObject*** argname = argnames; - while (argname != first_kw_arg) { - if ((**argname == key) || ( - (CYTHON_COMPILING_IN_PYPY || PyString_GET_SIZE(**argname) == PyString_GET_SIZE(key)) - && _PyString_Eq(**argname, key))) { - goto arg_passed_twice; - } - argname++; - } - } - } else - #endif - if (likely(PyUnicode_Check(key))) { - while (*name) { - int cmp = ( - #if !CYTHON_COMPILING_IN_PYPY && PY_MAJOR_VERSION >= 3 - (__Pyx_PyUnicode_GET_LENGTH(**name) != __Pyx_PyUnicode_GET_LENGTH(key)) ? 1 : - #endif - PyUnicode_Compare(**name, key) - ); - if (cmp < 0 && unlikely(PyErr_Occurred())) goto bad; - if (cmp == 0) { - values[name-argnames] = value; -#if CYTHON_AVOID_BORROWED_REFS - value = NULL; // ownership transferred to values -#endif - break; - } - name++; - } - if (*name) continue; - else { - PyObject*** argname = argnames; - while (argname != first_kw_arg) { - int cmp = (**argname == key) ? 0 : - #if !CYTHON_COMPILING_IN_PYPY && PY_MAJOR_VERSION >= 3 - (__Pyx_PyUnicode_GET_LENGTH(**argname) != __Pyx_PyUnicode_GET_LENGTH(key)) ? 1 : - #endif - PyUnicode_Compare(**argname, key); - if (cmp < 0 && unlikely(PyErr_Occurred())) goto bad; - if (cmp == 0) goto arg_passed_twice; - argname++; - } - } - } else - goto invalid_keyword_type; - if (kwds2) { - if (unlikely(PyDict_SetItem(kwds2, key, value))) goto bad; - } else { - goto invalid_keyword; - } - } - Py_XDECREF(key); - Py_XDECREF(value); - return 0; -arg_passed_twice: - __Pyx_RaiseDoubleKeywordsError(function_name, key); - goto bad; -invalid_keyword_type: - PyErr_Format(PyExc_TypeError, - "%.200s() keywords must be strings", function_name); - goto bad; -invalid_keyword: - #if PY_MAJOR_VERSION < 3 - PyErr_Format(PyExc_TypeError, - "%.200s() got an unexpected keyword argument '%.200s'", - function_name, PyString_AsString(key)); - #else - PyErr_Format(PyExc_TypeError, - "%s() got an unexpected keyword argument '%U'", - function_name, key); - #endif -bad: - Py_XDECREF(key); - Py_XDECREF(value); - return -1; -} - -/* ArgTypeTest */ -static int __Pyx__ArgTypeTest(PyObject *obj, PyTypeObject *type, const char *name, int exact) -{ - __Pyx_TypeName type_name; - __Pyx_TypeName obj_type_name; - if (unlikely(!type)) { - PyErr_SetString(PyExc_SystemError, "Missing type object"); - return 0; - } - else if (exact) { - #if PY_MAJOR_VERSION == 2 - if ((type == &PyBaseString_Type) && likely(__Pyx_PyBaseString_CheckExact(obj))) return 1; - #endif - } - else { - if (likely(__Pyx_TypeCheck(obj, type))) return 1; - } - type_name = __Pyx_PyType_GetName(type); - obj_type_name = __Pyx_PyType_GetName(Py_TYPE(obj)); - PyErr_Format(PyExc_TypeError, - "Argument '%.200s' has incorrect type (expected " __Pyx_FMT_TYPENAME - ", got " __Pyx_FMT_TYPENAME ")", name, type_name, obj_type_name); - __Pyx_DECREF_TypeName(type_name); - __Pyx_DECREF_TypeName(obj_type_name); - return 0; -} - -/* IsLittleEndian */ -static CYTHON_INLINE int __Pyx_Is_Little_Endian(void) -{ - union { - uint32_t u32; - uint8_t u8[4]; - } S; - S.u32 = 0x01020304; - return S.u8[0] == 4; -} - -/* BufferFormatCheck */ -static void __Pyx_BufFmt_Init(__Pyx_BufFmt_Context* ctx, - __Pyx_BufFmt_StackElem* stack, - __Pyx_TypeInfo* type) { - stack[0].field = &ctx->root; - stack[0].parent_offset = 0; - ctx->root.type = type; - ctx->root.name = "buffer dtype"; - ctx->root.offset = 0; - ctx->head = stack; - ctx->head->field = &ctx->root; - ctx->fmt_offset = 0; - ctx->head->parent_offset = 0; - ctx->new_packmode = '@'; - ctx->enc_packmode = '@'; - ctx->new_count = 1; - ctx->enc_count = 0; - ctx->enc_type = 0; - ctx->is_complex = 0; - ctx->is_valid_array = 0; - ctx->struct_alignment = 0; - while (type->typegroup == 'S') { - ++ctx->head; - ctx->head->field = type->fields; - ctx->head->parent_offset = 0; - type = type->fields->type; - } -} -static int __Pyx_BufFmt_ParseNumber(const char** ts) { - int count; - const char* t = *ts; - if (*t < '0' || *t > '9') { - return -1; - } else { - count = *t++ - '0'; - while (*t >= '0' && *t <= '9') { - count *= 10; - count += *t++ - '0'; - } - } - *ts = t; - return count; -} -static int __Pyx_BufFmt_ExpectNumber(const char **ts) { - int number = __Pyx_BufFmt_ParseNumber(ts); - if (number == -1) - PyErr_Format(PyExc_ValueError,\ - "Does not understand character buffer dtype format string ('%c')", **ts); - return number; -} -static void __Pyx_BufFmt_RaiseUnexpectedChar(char ch) { - PyErr_Format(PyExc_ValueError, - "Unexpected format string character: '%c'", ch); -} -static const char* __Pyx_BufFmt_DescribeTypeChar(char ch, int is_complex) { - switch (ch) { - case '?': return "'bool'"; - case 'c': return "'char'"; - case 'b': return "'signed char'"; - case 'B': return "'unsigned char'"; - case 'h': return "'short'"; - case 'H': return "'unsigned short'"; - case 'i': return "'int'"; - case 'I': return "'unsigned int'"; - case 'l': return "'long'"; - case 'L': return "'unsigned long'"; - case 'q': return "'long long'"; - case 'Q': return "'unsigned long long'"; - case 'f': return (is_complex ? "'complex float'" : "'float'"); - case 'd': return (is_complex ? "'complex double'" : "'double'"); - case 'g': return (is_complex ? "'complex long double'" : "'long double'"); - case 'T': return "a struct"; - case 'O': return "Python object"; - case 'P': return "a pointer"; - case 's': case 'p': return "a string"; - case 0: return "end"; - default: return "unparsable format string"; - } -} -static size_t __Pyx_BufFmt_TypeCharToStandardSize(char ch, int is_complex) { - switch (ch) { - case '?': case 'c': case 'b': case 'B': case 's': case 'p': return 1; - case 'h': case 'H': return 2; - case 'i': case 'I': case 'l': case 'L': return 4; - case 'q': case 'Q': return 8; - case 'f': return (is_complex ? 8 : 4); - case 'd': return (is_complex ? 16 : 8); - case 'g': { - PyErr_SetString(PyExc_ValueError, "Python does not define a standard format string size for long double ('g').."); - return 0; - } - case 'O': case 'P': return sizeof(void*); - default: - __Pyx_BufFmt_RaiseUnexpectedChar(ch); - return 0; - } -} -static size_t __Pyx_BufFmt_TypeCharToNativeSize(char ch, int is_complex) { - switch (ch) { - case '?': case 'c': case 'b': case 'B': case 's': case 'p': return 1; - case 'h': case 'H': return sizeof(short); - case 'i': case 'I': return sizeof(int); - case 'l': case 'L': return sizeof(long); - #ifdef HAVE_LONG_LONG - case 'q': case 'Q': return sizeof(PY_LONG_LONG); - #endif - case 'f': return sizeof(float) * (is_complex ? 2 : 1); - case 'd': return sizeof(double) * (is_complex ? 2 : 1); - case 'g': return sizeof(long double) * (is_complex ? 2 : 1); - case 'O': case 'P': return sizeof(void*); - default: { - __Pyx_BufFmt_RaiseUnexpectedChar(ch); - return 0; - } - } -} -typedef struct { char c; short x; } __Pyx_st_short; -typedef struct { char c; int x; } __Pyx_st_int; -typedef struct { char c; long x; } __Pyx_st_long; -typedef struct { char c; float x; } __Pyx_st_float; -typedef struct { char c; double x; } __Pyx_st_double; -typedef struct { char c; long double x; } __Pyx_st_longdouble; -typedef struct { char c; void *x; } __Pyx_st_void_p; -#ifdef HAVE_LONG_LONG -typedef struct { char c; PY_LONG_LONG x; } __Pyx_st_longlong; -#endif -static size_t __Pyx_BufFmt_TypeCharToAlignment(char ch, int is_complex) { - CYTHON_UNUSED_VAR(is_complex); - switch (ch) { - case '?': case 'c': case 'b': case 'B': case 's': case 'p': return 1; - case 'h': case 'H': return sizeof(__Pyx_st_short) - sizeof(short); - case 'i': case 'I': return sizeof(__Pyx_st_int) - sizeof(int); - case 'l': case 'L': return sizeof(__Pyx_st_long) - sizeof(long); -#ifdef HAVE_LONG_LONG - case 'q': case 'Q': return sizeof(__Pyx_st_longlong) - sizeof(PY_LONG_LONG); -#endif - case 'f': return sizeof(__Pyx_st_float) - sizeof(float); - case 'd': return sizeof(__Pyx_st_double) - sizeof(double); - case 'g': return sizeof(__Pyx_st_longdouble) - sizeof(long double); - case 'P': case 'O': return sizeof(__Pyx_st_void_p) - sizeof(void*); - default: - __Pyx_BufFmt_RaiseUnexpectedChar(ch); - return 0; - } -} -/* These are for computing the padding at the end of the struct to align - on the first member of the struct. This will probably the same as above, - but we don't have any guarantees. - */ -typedef struct { short x; char c; } __Pyx_pad_short; -typedef struct { int x; char c; } __Pyx_pad_int; -typedef struct { long x; char c; } __Pyx_pad_long; -typedef struct { float x; char c; } __Pyx_pad_float; -typedef struct { double x; char c; } __Pyx_pad_double; -typedef struct { long double x; char c; } __Pyx_pad_longdouble; -typedef struct { void *x; char c; } __Pyx_pad_void_p; -#ifdef HAVE_LONG_LONG -typedef struct { PY_LONG_LONG x; char c; } __Pyx_pad_longlong; -#endif -static size_t __Pyx_BufFmt_TypeCharToPadding(char ch, int is_complex) { - CYTHON_UNUSED_VAR(is_complex); - switch (ch) { - case '?': case 'c': case 'b': case 'B': case 's': case 'p': return 1; - case 'h': case 'H': return sizeof(__Pyx_pad_short) - sizeof(short); - case 'i': case 'I': return sizeof(__Pyx_pad_int) - sizeof(int); - case 'l': case 'L': return sizeof(__Pyx_pad_long) - sizeof(long); -#ifdef HAVE_LONG_LONG - case 'q': case 'Q': return sizeof(__Pyx_pad_longlong) - sizeof(PY_LONG_LONG); -#endif - case 'f': return sizeof(__Pyx_pad_float) - sizeof(float); - case 'd': return sizeof(__Pyx_pad_double) - sizeof(double); - case 'g': return sizeof(__Pyx_pad_longdouble) - sizeof(long double); - case 'P': case 'O': return sizeof(__Pyx_pad_void_p) - sizeof(void*); - default: - __Pyx_BufFmt_RaiseUnexpectedChar(ch); - return 0; - } -} -static char __Pyx_BufFmt_TypeCharToGroup(char ch, int is_complex) { - switch (ch) { - case 'c': - return 'H'; - case 'b': case 'h': case 'i': - case 'l': case 'q': case 's': case 'p': - return 'I'; - case '?': case 'B': case 'H': case 'I': case 'L': case 'Q': - return 'U'; - case 'f': case 'd': case 'g': - return (is_complex ? 'C' : 'R'); - case 'O': - return 'O'; - case 'P': - return 'P'; - default: { - __Pyx_BufFmt_RaiseUnexpectedChar(ch); - return 0; - } - } -} -static void __Pyx_BufFmt_RaiseExpected(__Pyx_BufFmt_Context* ctx) { - if (ctx->head == NULL || ctx->head->field == &ctx->root) { - const char* expected; - const char* quote; - if (ctx->head == NULL) { - expected = "end"; - quote = ""; - } else { - expected = ctx->head->field->type->name; - quote = "'"; - } - PyErr_Format(PyExc_ValueError, - "Buffer dtype mismatch, expected %s%s%s but got %s", - quote, expected, quote, - __Pyx_BufFmt_DescribeTypeChar(ctx->enc_type, ctx->is_complex)); - } else { - __Pyx_StructField* field = ctx->head->field; - __Pyx_StructField* parent = (ctx->head - 1)->field; - PyErr_Format(PyExc_ValueError, - "Buffer dtype mismatch, expected '%s' but got %s in '%s.%s'", - field->type->name, __Pyx_BufFmt_DescribeTypeChar(ctx->enc_type, ctx->is_complex), - parent->type->name, field->name); - } -} -static int __Pyx_BufFmt_ProcessTypeChunk(__Pyx_BufFmt_Context* ctx) { - char group; - size_t size, offset, arraysize = 1; - if (ctx->enc_type == 0) return 0; - if (ctx->head->field->type->arraysize[0]) { - int i, ndim = 0; - if (ctx->enc_type == 's' || ctx->enc_type == 'p') { - ctx->is_valid_array = ctx->head->field->type->ndim == 1; - ndim = 1; - if (ctx->enc_count != ctx->head->field->type->arraysize[0]) { - PyErr_Format(PyExc_ValueError, - "Expected a dimension of size %zu, got %zu", - ctx->head->field->type->arraysize[0], ctx->enc_count); - return -1; - } - } - if (!ctx->is_valid_array) { - PyErr_Format(PyExc_ValueError, "Expected %d dimensions, got %d", - ctx->head->field->type->ndim, ndim); - return -1; - } - for (i = 0; i < ctx->head->field->type->ndim; i++) { - arraysize *= ctx->head->field->type->arraysize[i]; - } - ctx->is_valid_array = 0; - ctx->enc_count = 1; - } - group = __Pyx_BufFmt_TypeCharToGroup(ctx->enc_type, ctx->is_complex); - do { - __Pyx_StructField* field = ctx->head->field; - __Pyx_TypeInfo* type = field->type; - if (ctx->enc_packmode == '@' || ctx->enc_packmode == '^') { - size = __Pyx_BufFmt_TypeCharToNativeSize(ctx->enc_type, ctx->is_complex); - } else { - size = __Pyx_BufFmt_TypeCharToStandardSize(ctx->enc_type, ctx->is_complex); - } - if (ctx->enc_packmode == '@') { - size_t align_at = __Pyx_BufFmt_TypeCharToAlignment(ctx->enc_type, ctx->is_complex); - size_t align_mod_offset; - if (align_at == 0) return -1; - align_mod_offset = ctx->fmt_offset % align_at; - if (align_mod_offset > 0) ctx->fmt_offset += align_at - align_mod_offset; - if (ctx->struct_alignment == 0) - ctx->struct_alignment = __Pyx_BufFmt_TypeCharToPadding(ctx->enc_type, - ctx->is_complex); - } - if (type->size != size || type->typegroup != group) { - if (type->typegroup == 'C' && type->fields != NULL) { - size_t parent_offset = ctx->head->parent_offset + field->offset; - ++ctx->head; - ctx->head->field = type->fields; - ctx->head->parent_offset = parent_offset; - continue; - } - if ((type->typegroup == 'H' || group == 'H') && type->size == size) { - } else { - __Pyx_BufFmt_RaiseExpected(ctx); - return -1; - } - } - offset = ctx->head->parent_offset + field->offset; - if (ctx->fmt_offset != offset) { - PyErr_Format(PyExc_ValueError, - "Buffer dtype mismatch; next field is at offset %" CYTHON_FORMAT_SSIZE_T "d but %" CYTHON_FORMAT_SSIZE_T "d expected", - (Py_ssize_t)ctx->fmt_offset, (Py_ssize_t)offset); - return -1; - } - ctx->fmt_offset += size; - if (arraysize) - ctx->fmt_offset += (arraysize - 1) * size; - --ctx->enc_count; - while (1) { - if (field == &ctx->root) { - ctx->head = NULL; - if (ctx->enc_count != 0) { - __Pyx_BufFmt_RaiseExpected(ctx); - return -1; - } - break; - } - ctx->head->field = ++field; - if (field->type == NULL) { - --ctx->head; - field = ctx->head->field; - continue; - } else if (field->type->typegroup == 'S') { - size_t parent_offset = ctx->head->parent_offset + field->offset; - if (field->type->fields->type == NULL) continue; - field = field->type->fields; - ++ctx->head; - ctx->head->field = field; - ctx->head->parent_offset = parent_offset; - break; - } else { - break; - } - } - } while (ctx->enc_count); - ctx->enc_type = 0; - ctx->is_complex = 0; - return 0; -} -static int -__pyx_buffmt_parse_array(__Pyx_BufFmt_Context* ctx, const char** tsp) -{ - const char *ts = *tsp; - int i = 0, number, ndim; - ++ts; - if (ctx->new_count != 1) { - PyErr_SetString(PyExc_ValueError, - "Cannot handle repeated arrays in format string"); - return -1; - } - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return -1; - ndim = ctx->head->field->type->ndim; - while (*ts && *ts != ')') { - switch (*ts) { - case ' ': case '\f': case '\r': case '\n': case '\t': case '\v': continue; - default: break; - } - number = __Pyx_BufFmt_ExpectNumber(&ts); - if (number == -1) return -1; - if (i < ndim && (size_t) number != ctx->head->field->type->arraysize[i]) { - PyErr_Format(PyExc_ValueError, - "Expected a dimension of size %zu, got %d", - ctx->head->field->type->arraysize[i], number); - return -1; - } - if (*ts != ',' && *ts != ')') { - PyErr_Format(PyExc_ValueError, - "Expected a comma in format string, got '%c'", *ts); - return -1; - } - if (*ts == ',') ts++; - i++; - } - if (i != ndim) { - PyErr_Format(PyExc_ValueError, "Expected %d dimension(s), got %d", - ctx->head->field->type->ndim, i); - return -1; - } - if (!*ts) { - PyErr_SetString(PyExc_ValueError, - "Unexpected end of format string, expected ')'"); - return -1; - } - ctx->is_valid_array = 1; - ctx->new_count = 1; - *tsp = ++ts; - return 0; -} -static const char* __Pyx_BufFmt_CheckString(__Pyx_BufFmt_Context* ctx, const char* ts) { - int got_Z = 0; - while (1) { - switch(*ts) { - case 0: - if (ctx->enc_type != 0 && ctx->head == NULL) { - __Pyx_BufFmt_RaiseExpected(ctx); - return NULL; - } - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return NULL; - if (ctx->head != NULL) { - __Pyx_BufFmt_RaiseExpected(ctx); - return NULL; - } - return ts; - case ' ': - case '\r': - case '\n': - ++ts; - break; - case '<': - if (!__Pyx_Is_Little_Endian()) { - PyErr_SetString(PyExc_ValueError, "Little-endian buffer not supported on big-endian compiler"); - return NULL; - } - ctx->new_packmode = '='; - ++ts; - break; - case '>': - case '!': - if (__Pyx_Is_Little_Endian()) { - PyErr_SetString(PyExc_ValueError, "Big-endian buffer not supported on little-endian compiler"); - return NULL; - } - ctx->new_packmode = '='; - ++ts; - break; - case '=': - case '@': - case '^': - ctx->new_packmode = *ts++; - break; - case 'T': - { - const char* ts_after_sub; - size_t i, struct_count = ctx->new_count; - size_t struct_alignment = ctx->struct_alignment; - ctx->new_count = 1; - ++ts; - if (*ts != '{') { - PyErr_SetString(PyExc_ValueError, "Buffer acquisition: Expected '{' after 'T'"); - return NULL; - } - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return NULL; - ctx->enc_type = 0; - ctx->enc_count = 0; - ctx->struct_alignment = 0; - ++ts; - ts_after_sub = ts; - for (i = 0; i != struct_count; ++i) { - ts_after_sub = __Pyx_BufFmt_CheckString(ctx, ts); - if (!ts_after_sub) return NULL; - } - ts = ts_after_sub; - if (struct_alignment) ctx->struct_alignment = struct_alignment; - } - break; - case '}': - { - size_t alignment = ctx->struct_alignment; - ++ts; - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return NULL; - ctx->enc_type = 0; - if (alignment && ctx->fmt_offset % alignment) { - ctx->fmt_offset += alignment - (ctx->fmt_offset % alignment); - } - } - return ts; - case 'x': - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return NULL; - ctx->fmt_offset += ctx->new_count; - ctx->new_count = 1; - ctx->enc_count = 0; - ctx->enc_type = 0; - ctx->enc_packmode = ctx->new_packmode; - ++ts; - break; - case 'Z': - got_Z = 1; - ++ts; - if (*ts != 'f' && *ts != 'd' && *ts != 'g') { - __Pyx_BufFmt_RaiseUnexpectedChar('Z'); - return NULL; - } - CYTHON_FALLTHROUGH; - case '?': case 'c': case 'b': case 'B': case 'h': case 'H': case 'i': case 'I': - case 'l': case 'L': case 'q': case 'Q': - case 'f': case 'd': case 'g': - case 'O': case 'p': - if ((ctx->enc_type == *ts) && (got_Z == ctx->is_complex) && - (ctx->enc_packmode == ctx->new_packmode) && (!ctx->is_valid_array)) { - ctx->enc_count += ctx->new_count; - ctx->new_count = 1; - got_Z = 0; - ++ts; - break; - } - CYTHON_FALLTHROUGH; - case 's': - if (__Pyx_BufFmt_ProcessTypeChunk(ctx) == -1) return NULL; - ctx->enc_count = ctx->new_count; - ctx->enc_packmode = ctx->new_packmode; - ctx->enc_type = *ts; - ctx->is_complex = got_Z; - ++ts; - ctx->new_count = 1; - got_Z = 0; - break; - case ':': - ++ts; - while(*ts != ':') ++ts; - ++ts; - break; - case '(': - if (__pyx_buffmt_parse_array(ctx, &ts) < 0) return NULL; - break; - default: - { - int number = __Pyx_BufFmt_ExpectNumber(&ts); - if (number == -1) return NULL; - ctx->new_count = (size_t)number; - } - } - } -} - -/* BufferGetAndValidate */ - static CYTHON_INLINE void __Pyx_SafeReleaseBuffer(Py_buffer* info) { - if (unlikely(info->buf == NULL)) return; - if (info->suboffsets == __Pyx_minusones) info->suboffsets = NULL; - __Pyx_ReleaseBuffer(info); -} -static void __Pyx_ZeroBuffer(Py_buffer* buf) { - buf->buf = NULL; - buf->obj = NULL; - buf->strides = __Pyx_zeros; - buf->shape = __Pyx_zeros; - buf->suboffsets = __Pyx_minusones; -} -static int __Pyx__GetBufferAndValidate( - Py_buffer* buf, PyObject* obj, __Pyx_TypeInfo* dtype, int flags, - int nd, int cast, __Pyx_BufFmt_StackElem* stack) -{ - buf->buf = NULL; - if (unlikely(__Pyx_GetBuffer(obj, buf, flags) == -1)) { - __Pyx_ZeroBuffer(buf); - return -1; - } - if (unlikely(buf->ndim != nd)) { - PyErr_Format(PyExc_ValueError, - "Buffer has wrong number of dimensions (expected %d, got %d)", - nd, buf->ndim); - goto fail; - } - if (!cast) { - __Pyx_BufFmt_Context ctx; - __Pyx_BufFmt_Init(&ctx, stack, dtype); - if (!__Pyx_BufFmt_CheckString(&ctx, buf->format)) goto fail; - } - if (unlikely((size_t)buf->itemsize != dtype->size)) { - PyErr_Format(PyExc_ValueError, - "Item size of buffer (%" CYTHON_FORMAT_SSIZE_T "d byte%s) does not match size of '%s' (%" CYTHON_FORMAT_SSIZE_T "d byte%s)", - buf->itemsize, (buf->itemsize > 1) ? "s" : "", - dtype->name, (Py_ssize_t)dtype->size, (dtype->size > 1) ? "s" : ""); - goto fail; - } - if (buf->suboffsets == NULL) buf->suboffsets = __Pyx_minusones; - return 0; -fail:; - __Pyx_SafeReleaseBuffer(buf); - return -1; -} - -/* TypeImport */ - #ifndef __PYX_HAVE_RT_ImportType_3_0_5 -#define __PYX_HAVE_RT_ImportType_3_0_5 -static PyTypeObject *__Pyx_ImportType_3_0_5(PyObject *module, const char *module_name, const char *class_name, - size_t size, size_t alignment, enum __Pyx_ImportType_CheckSize_3_0_5 check_size) -{ - PyObject *result = 0; - char warning[200]; - Py_ssize_t basicsize; - Py_ssize_t itemsize; -#if CYTHON_COMPILING_IN_LIMITED_API - PyObject *py_basicsize; - PyObject *py_itemsize; -#endif - result = PyObject_GetAttrString(module, class_name); - if (!result) - goto bad; - if (!PyType_Check(result)) { - PyErr_Format(PyExc_TypeError, - "%.200s.%.200s is not a type object", - module_name, class_name); - goto bad; - } -#if !CYTHON_COMPILING_IN_LIMITED_API - basicsize = ((PyTypeObject *)result)->tp_basicsize; - itemsize = ((PyTypeObject *)result)->tp_itemsize; -#else - py_basicsize = PyObject_GetAttrString(result, "__basicsize__"); - if (!py_basicsize) - goto bad; - basicsize = PyLong_AsSsize_t(py_basicsize); - Py_DECREF(py_basicsize); - py_basicsize = 0; - if (basicsize == (Py_ssize_t)-1 && PyErr_Occurred()) - goto bad; - py_itemsize = PyObject_GetAttrString(result, "__itemsize__"); - if (!py_itemsize) - goto bad; - itemsize = PyLong_AsSsize_t(py_itemsize); - Py_DECREF(py_itemsize); - py_itemsize = 0; - if (itemsize == (Py_ssize_t)-1 && PyErr_Occurred()) - goto bad; -#endif - if (itemsize) { - if (size % alignment) { - alignment = size % alignment; - } - if (itemsize < (Py_ssize_t)alignment) - itemsize = (Py_ssize_t)alignment; - } - if ((size_t)(basicsize + itemsize) < size) { - PyErr_Format(PyExc_ValueError, - "%.200s.%.200s size changed, may indicate binary incompatibility. " - "Expected %zd from C header, got %zd from PyObject", - module_name, class_name, size, basicsize+itemsize); - goto bad; - } - if (check_size == __Pyx_ImportType_CheckSize_Error_3_0_5 && - ((size_t)basicsize > size || (size_t)(basicsize + itemsize) < size)) { - PyErr_Format(PyExc_ValueError, - "%.200s.%.200s size changed, may indicate binary incompatibility. " - "Expected %zd from C header, got %zd-%zd from PyObject", - module_name, class_name, size, basicsize, basicsize+itemsize); - goto bad; - } - else if (check_size == __Pyx_ImportType_CheckSize_Warn_3_0_5 && (size_t)basicsize > size) { - PyOS_snprintf(warning, sizeof(warning), - "%s.%s size changed, may indicate binary incompatibility. " - "Expected %zd from C header, got %zd from PyObject", - module_name, class_name, size, basicsize); - if (PyErr_WarnEx(NULL, warning, 0) < 0) goto bad; - } - return (PyTypeObject *)result; -bad: - Py_XDECREF(result); - return NULL; -} -#endif - -/* Import */ - static PyObject *__Pyx_Import(PyObject *name, PyObject *from_list, int level) { - PyObject *module = 0; - PyObject *empty_dict = 0; - PyObject *empty_list = 0; - #if PY_MAJOR_VERSION < 3 - PyObject *py_import; - py_import = __Pyx_PyObject_GetAttrStr(__pyx_b, __pyx_n_s_import); - if (unlikely(!py_import)) - goto bad; - if (!from_list) { - empty_list = PyList_New(0); - if (unlikely(!empty_list)) - goto bad; - from_list = empty_list; - } - #endif - empty_dict = PyDict_New(); - if (unlikely(!empty_dict)) - goto bad; - { - #if PY_MAJOR_VERSION >= 3 - if (level == -1) { - if (strchr(__Pyx_MODULE_NAME, '.') != NULL) { - module = PyImport_ImportModuleLevelObject( - name, __pyx_d, empty_dict, from_list, 1); - if (unlikely(!module)) { - if (unlikely(!PyErr_ExceptionMatches(PyExc_ImportError))) - goto bad; - PyErr_Clear(); - } - } - level = 0; - } - #endif - if (!module) { - #if PY_MAJOR_VERSION < 3 - PyObject *py_level = PyInt_FromLong(level); - if (unlikely(!py_level)) - goto bad; - module = PyObject_CallFunctionObjArgs(py_import, - name, __pyx_d, empty_dict, from_list, py_level, (PyObject *)NULL); - Py_DECREF(py_level); - #else - module = PyImport_ImportModuleLevelObject( - name, __pyx_d, empty_dict, from_list, level); - #endif - } - } -bad: - Py_XDECREF(empty_dict); - Py_XDECREF(empty_list); - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(py_import); - #endif - return module; -} - -/* ImportDottedModule */ - #if PY_MAJOR_VERSION >= 3 -static PyObject *__Pyx__ImportDottedModule_Error(PyObject *name, PyObject *parts_tuple, Py_ssize_t count) { - PyObject *partial_name = NULL, *slice = NULL, *sep = NULL; - if (unlikely(PyErr_Occurred())) { - PyErr_Clear(); - } - if (likely(PyTuple_GET_SIZE(parts_tuple) == count)) { - partial_name = name; - } else { - slice = PySequence_GetSlice(parts_tuple, 0, count); - if (unlikely(!slice)) - goto bad; - sep = PyUnicode_FromStringAndSize(".", 1); - if (unlikely(!sep)) - goto bad; - partial_name = PyUnicode_Join(sep, slice); - } - PyErr_Format( -#if PY_MAJOR_VERSION < 3 - PyExc_ImportError, - "No module named '%s'", PyString_AS_STRING(partial_name)); -#else -#if PY_VERSION_HEX >= 0x030600B1 - PyExc_ModuleNotFoundError, -#else - PyExc_ImportError, -#endif - "No module named '%U'", partial_name); -#endif -bad: - Py_XDECREF(sep); - Py_XDECREF(slice); - Py_XDECREF(partial_name); - return NULL; -} -#endif -#if PY_MAJOR_VERSION >= 3 -static PyObject *__Pyx__ImportDottedModule_Lookup(PyObject *name) { - PyObject *imported_module; -#if PY_VERSION_HEX < 0x030700A1 || (CYTHON_COMPILING_IN_PYPY && PYPY_VERSION_NUM < 0x07030400) - PyObject *modules = PyImport_GetModuleDict(); - if (unlikely(!modules)) - return NULL; - imported_module = __Pyx_PyDict_GetItemStr(modules, name); - Py_XINCREF(imported_module); -#else - imported_module = PyImport_GetModule(name); -#endif - return imported_module; -} -#endif -#if PY_MAJOR_VERSION >= 3 -static PyObject *__Pyx_ImportDottedModule_WalkParts(PyObject *module, PyObject *name, PyObject *parts_tuple) { - Py_ssize_t i, nparts; - nparts = PyTuple_GET_SIZE(parts_tuple); - for (i=1; i < nparts && module; i++) { - PyObject *part, *submodule; -#if CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS - part = PyTuple_GET_ITEM(parts_tuple, i); -#else - part = PySequence_ITEM(parts_tuple, i); -#endif - submodule = __Pyx_PyObject_GetAttrStrNoError(module, part); -#if !(CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS) - Py_DECREF(part); -#endif - Py_DECREF(module); - module = submodule; - } - if (unlikely(!module)) { - return __Pyx__ImportDottedModule_Error(name, parts_tuple, i); - } - return module; -} -#endif -static PyObject *__Pyx__ImportDottedModule(PyObject *name, PyObject *parts_tuple) { -#if PY_MAJOR_VERSION < 3 - PyObject *module, *from_list, *star = __pyx_n_s__3; - CYTHON_UNUSED_VAR(parts_tuple); - from_list = PyList_New(1); - if (unlikely(!from_list)) - return NULL; - Py_INCREF(star); - PyList_SET_ITEM(from_list, 0, star); - module = __Pyx_Import(name, from_list, 0); - Py_DECREF(from_list); - return module; -#else - PyObject *imported_module; - PyObject *module = __Pyx_Import(name, NULL, 0); - if (!parts_tuple || unlikely(!module)) - return module; - imported_module = __Pyx__ImportDottedModule_Lookup(name); - if (likely(imported_module)) { - Py_DECREF(module); - return imported_module; - } - PyErr_Clear(); - return __Pyx_ImportDottedModule_WalkParts(module, name, parts_tuple); -#endif -} -static PyObject *__Pyx_ImportDottedModule(PyObject *name, PyObject *parts_tuple) { -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX >= 0x030400B1 - PyObject *module = __Pyx__ImportDottedModule_Lookup(name); - if (likely(module)) { - PyObject *spec = __Pyx_PyObject_GetAttrStrNoError(module, __pyx_n_s_spec); - if (likely(spec)) { - PyObject *unsafe = __Pyx_PyObject_GetAttrStrNoError(spec, __pyx_n_s_initializing); - if (likely(!unsafe || !__Pyx_PyObject_IsTrue(unsafe))) { - Py_DECREF(spec); - spec = NULL; - } - Py_XDECREF(unsafe); - } - if (likely(!spec)) { - PyErr_Clear(); - return module; - } - Py_DECREF(spec); - Py_DECREF(module); - } else if (PyErr_Occurred()) { - PyErr_Clear(); - } -#endif - return __Pyx__ImportDottedModule(name, parts_tuple); -} - -/* FixUpExtensionType */ - #if CYTHON_USE_TYPE_SPECS -static int __Pyx_fix_up_extension_type_from_spec(PyType_Spec *spec, PyTypeObject *type) { -#if PY_VERSION_HEX > 0x030900B1 || CYTHON_COMPILING_IN_LIMITED_API - CYTHON_UNUSED_VAR(spec); - CYTHON_UNUSED_VAR(type); -#else - const PyType_Slot *slot = spec->slots; - while (slot && slot->slot && slot->slot != Py_tp_members) - slot++; - if (slot && slot->slot == Py_tp_members) { - int changed = 0; -#if !(PY_VERSION_HEX <= 0x030900b1 && CYTHON_COMPILING_IN_CPYTHON) - const -#endif - PyMemberDef *memb = (PyMemberDef*) slot->pfunc; - while (memb && memb->name) { - if (memb->name[0] == '_' && memb->name[1] == '_') { -#if PY_VERSION_HEX < 0x030900b1 - if (strcmp(memb->name, "__weaklistoffset__") == 0) { - assert(memb->type == T_PYSSIZET); - assert(memb->flags == READONLY); - type->tp_weaklistoffset = memb->offset; - changed = 1; - } - else if (strcmp(memb->name, "__dictoffset__") == 0) { - assert(memb->type == T_PYSSIZET); - assert(memb->flags == READONLY); - type->tp_dictoffset = memb->offset; - changed = 1; - } -#if CYTHON_METH_FASTCALL - else if (strcmp(memb->name, "__vectorcalloffset__") == 0) { - assert(memb->type == T_PYSSIZET); - assert(memb->flags == READONLY); -#if PY_VERSION_HEX >= 0x030800b4 - type->tp_vectorcall_offset = memb->offset; -#else - type->tp_print = (printfunc) memb->offset; -#endif - changed = 1; - } -#endif -#else - if ((0)); -#endif -#if PY_VERSION_HEX <= 0x030900b1 && CYTHON_COMPILING_IN_CPYTHON - else if (strcmp(memb->name, "__module__") == 0) { - PyObject *descr; - assert(memb->type == T_OBJECT); - assert(memb->flags == 0 || memb->flags == READONLY); - descr = PyDescr_NewMember(type, memb); - if (unlikely(!descr)) - return -1; - if (unlikely(PyDict_SetItem(type->tp_dict, PyDescr_NAME(descr), descr) < 0)) { - Py_DECREF(descr); - return -1; - } - Py_DECREF(descr); - changed = 1; - } -#endif - } - memb++; - } - if (changed) - PyType_Modified(type); - } -#endif - return 0; -} -#endif - -/* FetchSharedCythonModule */ - static PyObject *__Pyx_FetchSharedCythonABIModule(void) { - return __Pyx_PyImport_AddModuleRef((char*) __PYX_ABI_MODULE_NAME); -} - -/* FetchCommonType */ - static int __Pyx_VerifyCachedType(PyObject *cached_type, - const char *name, - Py_ssize_t basicsize, - Py_ssize_t expected_basicsize) { - if (!PyType_Check(cached_type)) { - PyErr_Format(PyExc_TypeError, - "Shared Cython type %.200s is not a type object", name); - return -1; - } - if (basicsize != expected_basicsize) { - PyErr_Format(PyExc_TypeError, - "Shared Cython type %.200s has the wrong size, try recompiling", - name); - return -1; - } - return 0; -} -#if !CYTHON_USE_TYPE_SPECS -static PyTypeObject* __Pyx_FetchCommonType(PyTypeObject* type) { - PyObject* abi_module; - const char* object_name; - PyTypeObject *cached_type = NULL; - abi_module = __Pyx_FetchSharedCythonABIModule(); - if (!abi_module) return NULL; - object_name = strrchr(type->tp_name, '.'); - object_name = object_name ? object_name+1 : type->tp_name; - cached_type = (PyTypeObject*) PyObject_GetAttrString(abi_module, object_name); - if (cached_type) { - if (__Pyx_VerifyCachedType( - (PyObject *)cached_type, - object_name, - cached_type->tp_basicsize, - type->tp_basicsize) < 0) { - goto bad; - } - goto done; - } - if (!PyErr_ExceptionMatches(PyExc_AttributeError)) goto bad; - PyErr_Clear(); - if (PyType_Ready(type) < 0) goto bad; - if (PyObject_SetAttrString(abi_module, object_name, (PyObject *)type) < 0) - goto bad; - Py_INCREF(type); - cached_type = type; -done: - Py_DECREF(abi_module); - return cached_type; -bad: - Py_XDECREF(cached_type); - cached_type = NULL; - goto done; -} -#else -static PyTypeObject *__Pyx_FetchCommonTypeFromSpec(PyObject *module, PyType_Spec *spec, PyObject *bases) { - PyObject *abi_module, *cached_type = NULL; - const char* object_name = strrchr(spec->name, '.'); - object_name = object_name ? object_name+1 : spec->name; - abi_module = __Pyx_FetchSharedCythonABIModule(); - if (!abi_module) return NULL; - cached_type = PyObject_GetAttrString(abi_module, object_name); - if (cached_type) { - Py_ssize_t basicsize; -#if CYTHON_COMPILING_IN_LIMITED_API - PyObject *py_basicsize; - py_basicsize = PyObject_GetAttrString(cached_type, "__basicsize__"); - if (unlikely(!py_basicsize)) goto bad; - basicsize = PyLong_AsSsize_t(py_basicsize); - Py_DECREF(py_basicsize); - py_basicsize = 0; - if (unlikely(basicsize == (Py_ssize_t)-1) && PyErr_Occurred()) goto bad; -#else - basicsize = likely(PyType_Check(cached_type)) ? ((PyTypeObject*) cached_type)->tp_basicsize : -1; -#endif - if (__Pyx_VerifyCachedType( - cached_type, - object_name, - basicsize, - spec->basicsize) < 0) { - goto bad; - } - goto done; - } - if (!PyErr_ExceptionMatches(PyExc_AttributeError)) goto bad; - PyErr_Clear(); - CYTHON_UNUSED_VAR(module); - cached_type = __Pyx_PyType_FromModuleAndSpec(abi_module, spec, bases); - if (unlikely(!cached_type)) goto bad; - if (unlikely(__Pyx_fix_up_extension_type_from_spec(spec, (PyTypeObject *) cached_type) < 0)) goto bad; - if (PyObject_SetAttrString(abi_module, object_name, cached_type) < 0) goto bad; -done: - Py_DECREF(abi_module); - assert(cached_type == NULL || PyType_Check(cached_type)); - return (PyTypeObject *) cached_type; -bad: - Py_XDECREF(cached_type); - cached_type = NULL; - goto done; -} -#endif - -/* PyVectorcallFastCallDict */ - #if CYTHON_METH_FASTCALL -static PyObject *__Pyx_PyVectorcall_FastCallDict_kw(PyObject *func, __pyx_vectorcallfunc vc, PyObject *const *args, size_t nargs, PyObject *kw) -{ - PyObject *res = NULL; - PyObject *kwnames; - PyObject **newargs; - PyObject **kwvalues; - Py_ssize_t i, pos; - size_t j; - PyObject *key, *value; - unsigned long keys_are_strings; - Py_ssize_t nkw = PyDict_GET_SIZE(kw); - newargs = (PyObject **)PyMem_Malloc((nargs + (size_t)nkw) * sizeof(args[0])); - if (unlikely(newargs == NULL)) { - PyErr_NoMemory(); - return NULL; - } - for (j = 0; j < nargs; j++) newargs[j] = args[j]; - kwnames = PyTuple_New(nkw); - if (unlikely(kwnames == NULL)) { - PyMem_Free(newargs); - return NULL; - } - kwvalues = newargs + nargs; - pos = i = 0; - keys_are_strings = Py_TPFLAGS_UNICODE_SUBCLASS; - while (PyDict_Next(kw, &pos, &key, &value)) { - keys_are_strings &= Py_TYPE(key)->tp_flags; - Py_INCREF(key); - Py_INCREF(value); - PyTuple_SET_ITEM(kwnames, i, key); - kwvalues[i] = value; - i++; - } - if (unlikely(!keys_are_strings)) { - PyErr_SetString(PyExc_TypeError, "keywords must be strings"); - goto cleanup; - } - res = vc(func, newargs, nargs, kwnames); -cleanup: - Py_DECREF(kwnames); - for (i = 0; i < nkw; i++) - Py_DECREF(kwvalues[i]); - PyMem_Free(newargs); - return res; -} -static CYTHON_INLINE PyObject *__Pyx_PyVectorcall_FastCallDict(PyObject *func, __pyx_vectorcallfunc vc, PyObject *const *args, size_t nargs, PyObject *kw) -{ - if (likely(kw == NULL) || PyDict_GET_SIZE(kw) == 0) { - return vc(func, args, nargs, NULL); - } - return __Pyx_PyVectorcall_FastCallDict_kw(func, vc, args, nargs, kw); -} -#endif - -/* CythonFunctionShared */ - #if CYTHON_COMPILING_IN_LIMITED_API -static CYTHON_INLINE int __Pyx__IsSameCyOrCFunction(PyObject *func, void *cfunc) { - if (__Pyx_CyFunction_Check(func)) { - return PyCFunction_GetFunction(((__pyx_CyFunctionObject*)func)->func) == (PyCFunction) cfunc; - } else if (PyCFunction_Check(func)) { - return PyCFunction_GetFunction(func) == (PyCFunction) cfunc; - } - return 0; -} -#else -static CYTHON_INLINE int __Pyx__IsSameCyOrCFunction(PyObject *func, void *cfunc) { - return __Pyx_CyOrPyCFunction_Check(func) && __Pyx_CyOrPyCFunction_GET_FUNCTION(func) == (PyCFunction) cfunc; -} -#endif -static CYTHON_INLINE void __Pyx__CyFunction_SetClassObj(__pyx_CyFunctionObject* f, PyObject* classobj) { -#if PY_VERSION_HEX < 0x030900B1 || CYTHON_COMPILING_IN_LIMITED_API - __Pyx_Py_XDECREF_SET( - __Pyx_CyFunction_GetClassObj(f), - ((classobj) ? __Pyx_NewRef(classobj) : NULL)); -#else - __Pyx_Py_XDECREF_SET( - ((PyCMethodObject *) (f))->mm_class, - (PyTypeObject*)((classobj) ? __Pyx_NewRef(classobj) : NULL)); -#endif -} -static PyObject * -__Pyx_CyFunction_get_doc(__pyx_CyFunctionObject *op, void *closure) -{ - CYTHON_UNUSED_VAR(closure); - if (unlikely(op->func_doc == NULL)) { -#if CYTHON_COMPILING_IN_LIMITED_API - op->func_doc = PyObject_GetAttrString(op->func, "__doc__"); - if (unlikely(!op->func_doc)) return NULL; -#else - if (((PyCFunctionObject*)op)->m_ml->ml_doc) { -#if PY_MAJOR_VERSION >= 3 - op->func_doc = PyUnicode_FromString(((PyCFunctionObject*)op)->m_ml->ml_doc); -#else - op->func_doc = PyString_FromString(((PyCFunctionObject*)op)->m_ml->ml_doc); -#endif - if (unlikely(op->func_doc == NULL)) - return NULL; - } else { - Py_INCREF(Py_None); - return Py_None; - } -#endif - } - Py_INCREF(op->func_doc); - return op->func_doc; -} -static int -__Pyx_CyFunction_set_doc(__pyx_CyFunctionObject *op, PyObject *value, void *context) -{ - CYTHON_UNUSED_VAR(context); - if (value == NULL) { - value = Py_None; - } - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->func_doc, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_name(__pyx_CyFunctionObject *op, void *context) -{ - CYTHON_UNUSED_VAR(context); - if (unlikely(op->func_name == NULL)) { -#if CYTHON_COMPILING_IN_LIMITED_API - op->func_name = PyObject_GetAttrString(op->func, "__name__"); -#elif PY_MAJOR_VERSION >= 3 - op->func_name = PyUnicode_InternFromString(((PyCFunctionObject*)op)->m_ml->ml_name); -#else - op->func_name = PyString_InternFromString(((PyCFunctionObject*)op)->m_ml->ml_name); -#endif - if (unlikely(op->func_name == NULL)) - return NULL; - } - Py_INCREF(op->func_name); - return op->func_name; -} -static int -__Pyx_CyFunction_set_name(__pyx_CyFunctionObject *op, PyObject *value, void *context) -{ - CYTHON_UNUSED_VAR(context); -#if PY_MAJOR_VERSION >= 3 - if (unlikely(value == NULL || !PyUnicode_Check(value))) -#else - if (unlikely(value == NULL || !PyString_Check(value))) -#endif - { - PyErr_SetString(PyExc_TypeError, - "__name__ must be set to a string object"); - return -1; - } - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->func_name, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_qualname(__pyx_CyFunctionObject *op, void *context) -{ - CYTHON_UNUSED_VAR(context); - Py_INCREF(op->func_qualname); - return op->func_qualname; -} -static int -__Pyx_CyFunction_set_qualname(__pyx_CyFunctionObject *op, PyObject *value, void *context) -{ - CYTHON_UNUSED_VAR(context); -#if PY_MAJOR_VERSION >= 3 - if (unlikely(value == NULL || !PyUnicode_Check(value))) -#else - if (unlikely(value == NULL || !PyString_Check(value))) -#endif - { - PyErr_SetString(PyExc_TypeError, - "__qualname__ must be set to a string object"); - return -1; - } - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->func_qualname, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_dict(__pyx_CyFunctionObject *op, void *context) -{ - CYTHON_UNUSED_VAR(context); - if (unlikely(op->func_dict == NULL)) { - op->func_dict = PyDict_New(); - if (unlikely(op->func_dict == NULL)) - return NULL; - } - Py_INCREF(op->func_dict); - return op->func_dict; -} -static int -__Pyx_CyFunction_set_dict(__pyx_CyFunctionObject *op, PyObject *value, void *context) -{ - CYTHON_UNUSED_VAR(context); - if (unlikely(value == NULL)) { - PyErr_SetString(PyExc_TypeError, - "function's dictionary may not be deleted"); - return -1; - } - if (unlikely(!PyDict_Check(value))) { - PyErr_SetString(PyExc_TypeError, - "setting function's dictionary to a non-dict"); - return -1; - } - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->func_dict, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_globals(__pyx_CyFunctionObject *op, void *context) -{ - CYTHON_UNUSED_VAR(context); - Py_INCREF(op->func_globals); - return op->func_globals; -} -static PyObject * -__Pyx_CyFunction_get_closure(__pyx_CyFunctionObject *op, void *context) -{ - CYTHON_UNUSED_VAR(op); - CYTHON_UNUSED_VAR(context); - Py_INCREF(Py_None); - return Py_None; -} -static PyObject * -__Pyx_CyFunction_get_code(__pyx_CyFunctionObject *op, void *context) -{ - PyObject* result = (op->func_code) ? op->func_code : Py_None; - CYTHON_UNUSED_VAR(context); - Py_INCREF(result); - return result; -} -static int -__Pyx_CyFunction_init_defaults(__pyx_CyFunctionObject *op) { - int result = 0; - PyObject *res = op->defaults_getter((PyObject *) op); - if (unlikely(!res)) - return -1; - #if CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS - op->defaults_tuple = PyTuple_GET_ITEM(res, 0); - Py_INCREF(op->defaults_tuple); - op->defaults_kwdict = PyTuple_GET_ITEM(res, 1); - Py_INCREF(op->defaults_kwdict); - #else - op->defaults_tuple = __Pyx_PySequence_ITEM(res, 0); - if (unlikely(!op->defaults_tuple)) result = -1; - else { - op->defaults_kwdict = __Pyx_PySequence_ITEM(res, 1); - if (unlikely(!op->defaults_kwdict)) result = -1; - } - #endif - Py_DECREF(res); - return result; -} -static int -__Pyx_CyFunction_set_defaults(__pyx_CyFunctionObject *op, PyObject* value, void *context) { - CYTHON_UNUSED_VAR(context); - if (!value) { - value = Py_None; - } else if (unlikely(value != Py_None && !PyTuple_Check(value))) { - PyErr_SetString(PyExc_TypeError, - "__defaults__ must be set to a tuple object"); - return -1; - } - PyErr_WarnEx(PyExc_RuntimeWarning, "changes to cyfunction.__defaults__ will not " - "currently affect the values used in function calls", 1); - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->defaults_tuple, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_defaults(__pyx_CyFunctionObject *op, void *context) { - PyObject* result = op->defaults_tuple; - CYTHON_UNUSED_VAR(context); - if (unlikely(!result)) { - if (op->defaults_getter) { - if (unlikely(__Pyx_CyFunction_init_defaults(op) < 0)) return NULL; - result = op->defaults_tuple; - } else { - result = Py_None; - } - } - Py_INCREF(result); - return result; -} -static int -__Pyx_CyFunction_set_kwdefaults(__pyx_CyFunctionObject *op, PyObject* value, void *context) { - CYTHON_UNUSED_VAR(context); - if (!value) { - value = Py_None; - } else if (unlikely(value != Py_None && !PyDict_Check(value))) { - PyErr_SetString(PyExc_TypeError, - "__kwdefaults__ must be set to a dict object"); - return -1; - } - PyErr_WarnEx(PyExc_RuntimeWarning, "changes to cyfunction.__kwdefaults__ will not " - "currently affect the values used in function calls", 1); - Py_INCREF(value); - __Pyx_Py_XDECREF_SET(op->defaults_kwdict, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_kwdefaults(__pyx_CyFunctionObject *op, void *context) { - PyObject* result = op->defaults_kwdict; - CYTHON_UNUSED_VAR(context); - if (unlikely(!result)) { - if (op->defaults_getter) { - if (unlikely(__Pyx_CyFunction_init_defaults(op) < 0)) return NULL; - result = op->defaults_kwdict; - } else { - result = Py_None; - } - } - Py_INCREF(result); - return result; -} -static int -__Pyx_CyFunction_set_annotations(__pyx_CyFunctionObject *op, PyObject* value, void *context) { - CYTHON_UNUSED_VAR(context); - if (!value || value == Py_None) { - value = NULL; - } else if (unlikely(!PyDict_Check(value))) { - PyErr_SetString(PyExc_TypeError, - "__annotations__ must be set to a dict object"); - return -1; - } - Py_XINCREF(value); - __Pyx_Py_XDECREF_SET(op->func_annotations, value); - return 0; -} -static PyObject * -__Pyx_CyFunction_get_annotations(__pyx_CyFunctionObject *op, void *context) { - PyObject* result = op->func_annotations; - CYTHON_UNUSED_VAR(context); - if (unlikely(!result)) { - result = PyDict_New(); - if (unlikely(!result)) return NULL; - op->func_annotations = result; - } - Py_INCREF(result); - return result; -} -static PyObject * -__Pyx_CyFunction_get_is_coroutine(__pyx_CyFunctionObject *op, void *context) { - int is_coroutine; - CYTHON_UNUSED_VAR(context); - if (op->func_is_coroutine) { - return __Pyx_NewRef(op->func_is_coroutine); - } - is_coroutine = op->flags & __Pyx_CYFUNCTION_COROUTINE; -#if PY_VERSION_HEX >= 0x03050000 - if (is_coroutine) { - PyObject *module, *fromlist, *marker = __pyx_n_s_is_coroutine; - fromlist = PyList_New(1); - if (unlikely(!fromlist)) return NULL; - Py_INCREF(marker); -#if CYTHON_ASSUME_SAFE_MACROS - PyList_SET_ITEM(fromlist, 0, marker); -#else - if (unlikely(PyList_SetItem(fromlist, 0, marker) < 0)) { - Py_DECREF(marker); - Py_DECREF(fromlist); - return NULL; - } -#endif - module = PyImport_ImportModuleLevelObject(__pyx_n_s_asyncio_coroutines, NULL, NULL, fromlist, 0); - Py_DECREF(fromlist); - if (unlikely(!module)) goto ignore; - op->func_is_coroutine = __Pyx_PyObject_GetAttrStr(module, marker); - Py_DECREF(module); - if (likely(op->func_is_coroutine)) { - return __Pyx_NewRef(op->func_is_coroutine); - } -ignore: - PyErr_Clear(); - } -#endif - op->func_is_coroutine = __Pyx_PyBool_FromLong(is_coroutine); - return __Pyx_NewRef(op->func_is_coroutine); -} -#if CYTHON_COMPILING_IN_LIMITED_API -static PyObject * -__Pyx_CyFunction_get_module(__pyx_CyFunctionObject *op, void *context) { - CYTHON_UNUSED_VAR(context); - return PyObject_GetAttrString(op->func, "__module__"); -} -static int -__Pyx_CyFunction_set_module(__pyx_CyFunctionObject *op, PyObject* value, void *context) { - CYTHON_UNUSED_VAR(context); - return PyObject_SetAttrString(op->func, "__module__", value); -} -#endif -static PyGetSetDef __pyx_CyFunction_getsets[] = { - {(char *) "func_doc", (getter)__Pyx_CyFunction_get_doc, (setter)__Pyx_CyFunction_set_doc, 0, 0}, - {(char *) "__doc__", (getter)__Pyx_CyFunction_get_doc, (setter)__Pyx_CyFunction_set_doc, 0, 0}, - {(char *) "func_name", (getter)__Pyx_CyFunction_get_name, (setter)__Pyx_CyFunction_set_name, 0, 0}, - {(char *) "__name__", (getter)__Pyx_CyFunction_get_name, (setter)__Pyx_CyFunction_set_name, 0, 0}, - {(char *) "__qualname__", (getter)__Pyx_CyFunction_get_qualname, (setter)__Pyx_CyFunction_set_qualname, 0, 0}, - {(char *) "func_dict", (getter)__Pyx_CyFunction_get_dict, (setter)__Pyx_CyFunction_set_dict, 0, 0}, - {(char *) "__dict__", (getter)__Pyx_CyFunction_get_dict, (setter)__Pyx_CyFunction_set_dict, 0, 0}, - {(char *) "func_globals", (getter)__Pyx_CyFunction_get_globals, 0, 0, 0}, - {(char *) "__globals__", (getter)__Pyx_CyFunction_get_globals, 0, 0, 0}, - {(char *) "func_closure", (getter)__Pyx_CyFunction_get_closure, 0, 0, 0}, - {(char *) "__closure__", (getter)__Pyx_CyFunction_get_closure, 0, 0, 0}, - {(char *) "func_code", (getter)__Pyx_CyFunction_get_code, 0, 0, 0}, - {(char *) "__code__", (getter)__Pyx_CyFunction_get_code, 0, 0, 0}, - {(char *) "func_defaults", (getter)__Pyx_CyFunction_get_defaults, (setter)__Pyx_CyFunction_set_defaults, 0, 0}, - {(char *) "__defaults__", (getter)__Pyx_CyFunction_get_defaults, (setter)__Pyx_CyFunction_set_defaults, 0, 0}, - {(char *) "__kwdefaults__", (getter)__Pyx_CyFunction_get_kwdefaults, (setter)__Pyx_CyFunction_set_kwdefaults, 0, 0}, - {(char *) "__annotations__", (getter)__Pyx_CyFunction_get_annotations, (setter)__Pyx_CyFunction_set_annotations, 0, 0}, - {(char *) "_is_coroutine", (getter)__Pyx_CyFunction_get_is_coroutine, 0, 0, 0}, -#if CYTHON_COMPILING_IN_LIMITED_API - {"__module__", (getter)__Pyx_CyFunction_get_module, (setter)__Pyx_CyFunction_set_module, 0, 0}, -#endif - {0, 0, 0, 0, 0} -}; -static PyMemberDef __pyx_CyFunction_members[] = { -#if !CYTHON_COMPILING_IN_LIMITED_API - {(char *) "__module__", T_OBJECT, offsetof(PyCFunctionObject, m_module), 0, 0}, -#endif -#if CYTHON_USE_TYPE_SPECS - {(char *) "__dictoffset__", T_PYSSIZET, offsetof(__pyx_CyFunctionObject, func_dict), READONLY, 0}, -#if CYTHON_METH_FASTCALL -#if CYTHON_BACKPORT_VECTORCALL - {(char *) "__vectorcalloffset__", T_PYSSIZET, offsetof(__pyx_CyFunctionObject, func_vectorcall), READONLY, 0}, -#else -#if !CYTHON_COMPILING_IN_LIMITED_API - {(char *) "__vectorcalloffset__", T_PYSSIZET, offsetof(PyCFunctionObject, vectorcall), READONLY, 0}, -#endif -#endif -#endif -#if PY_VERSION_HEX < 0x030500A0 || CYTHON_COMPILING_IN_LIMITED_API - {(char *) "__weaklistoffset__", T_PYSSIZET, offsetof(__pyx_CyFunctionObject, func_weakreflist), READONLY, 0}, -#else - {(char *) "__weaklistoffset__", T_PYSSIZET, offsetof(PyCFunctionObject, m_weakreflist), READONLY, 0}, -#endif -#endif - {0, 0, 0, 0, 0} -}; -static PyObject * -__Pyx_CyFunction_reduce(__pyx_CyFunctionObject *m, PyObject *args) -{ - CYTHON_UNUSED_VAR(args); -#if PY_MAJOR_VERSION >= 3 - Py_INCREF(m->func_qualname); - return m->func_qualname; -#else - return PyString_FromString(((PyCFunctionObject*)m)->m_ml->ml_name); -#endif -} -static PyMethodDef __pyx_CyFunction_methods[] = { - {"__reduce__", (PyCFunction)__Pyx_CyFunction_reduce, METH_VARARGS, 0}, - {0, 0, 0, 0} -}; -#if PY_VERSION_HEX < 0x030500A0 || CYTHON_COMPILING_IN_LIMITED_API -#define __Pyx_CyFunction_weakreflist(cyfunc) ((cyfunc)->func_weakreflist) -#else -#define __Pyx_CyFunction_weakreflist(cyfunc) (((PyCFunctionObject*)cyfunc)->m_weakreflist) -#endif -static PyObject *__Pyx_CyFunction_Init(__pyx_CyFunctionObject *op, PyMethodDef *ml, int flags, PyObject* qualname, - PyObject *closure, PyObject *module, PyObject* globals, PyObject* code) { -#if !CYTHON_COMPILING_IN_LIMITED_API - PyCFunctionObject *cf = (PyCFunctionObject*) op; -#endif - if (unlikely(op == NULL)) - return NULL; -#if CYTHON_COMPILING_IN_LIMITED_API - op->func = PyCFunction_NewEx(ml, (PyObject*)op, module); - if (unlikely(!op->func)) return NULL; -#endif - op->flags = flags; - __Pyx_CyFunction_weakreflist(op) = NULL; -#if !CYTHON_COMPILING_IN_LIMITED_API - cf->m_ml = ml; - cf->m_self = (PyObject *) op; -#endif - Py_XINCREF(closure); - op->func_closure = closure; -#if !CYTHON_COMPILING_IN_LIMITED_API - Py_XINCREF(module); - cf->m_module = module; -#endif - op->func_dict = NULL; - op->func_name = NULL; - Py_INCREF(qualname); - op->func_qualname = qualname; - op->func_doc = NULL; -#if PY_VERSION_HEX < 0x030900B1 || CYTHON_COMPILING_IN_LIMITED_API - op->func_classobj = NULL; -#else - ((PyCMethodObject*)op)->mm_class = NULL; -#endif - op->func_globals = globals; - Py_INCREF(op->func_globals); - Py_XINCREF(code); - op->func_code = code; - op->defaults_pyobjects = 0; - op->defaults_size = 0; - op->defaults = NULL; - op->defaults_tuple = NULL; - op->defaults_kwdict = NULL; - op->defaults_getter = NULL; - op->func_annotations = NULL; - op->func_is_coroutine = NULL; -#if CYTHON_METH_FASTCALL - switch (ml->ml_flags & (METH_VARARGS | METH_FASTCALL | METH_NOARGS | METH_O | METH_KEYWORDS | METH_METHOD)) { - case METH_NOARGS: - __Pyx_CyFunction_func_vectorcall(op) = __Pyx_CyFunction_Vectorcall_NOARGS; - break; - case METH_O: - __Pyx_CyFunction_func_vectorcall(op) = __Pyx_CyFunction_Vectorcall_O; - break; - case METH_METHOD | METH_FASTCALL | METH_KEYWORDS: - __Pyx_CyFunction_func_vectorcall(op) = __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS_METHOD; - break; - case METH_FASTCALL | METH_KEYWORDS: - __Pyx_CyFunction_func_vectorcall(op) = __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS; - break; - case METH_VARARGS | METH_KEYWORDS: - __Pyx_CyFunction_func_vectorcall(op) = NULL; - break; - default: - PyErr_SetString(PyExc_SystemError, "Bad call flags for CyFunction"); - Py_DECREF(op); - return NULL; - } -#endif - return (PyObject *) op; -} -static int -__Pyx_CyFunction_clear(__pyx_CyFunctionObject *m) -{ - Py_CLEAR(m->func_closure); -#if CYTHON_COMPILING_IN_LIMITED_API - Py_CLEAR(m->func); -#else - Py_CLEAR(((PyCFunctionObject*)m)->m_module); -#endif - Py_CLEAR(m->func_dict); - Py_CLEAR(m->func_name); - Py_CLEAR(m->func_qualname); - Py_CLEAR(m->func_doc); - Py_CLEAR(m->func_globals); - Py_CLEAR(m->func_code); -#if !CYTHON_COMPILING_IN_LIMITED_API -#if PY_VERSION_HEX < 0x030900B1 - Py_CLEAR(__Pyx_CyFunction_GetClassObj(m)); -#else - { - PyObject *cls = (PyObject*) ((PyCMethodObject *) (m))->mm_class; - ((PyCMethodObject *) (m))->mm_class = NULL; - Py_XDECREF(cls); - } -#endif -#endif - Py_CLEAR(m->defaults_tuple); - Py_CLEAR(m->defaults_kwdict); - Py_CLEAR(m->func_annotations); - Py_CLEAR(m->func_is_coroutine); - if (m->defaults) { - PyObject **pydefaults = __Pyx_CyFunction_Defaults(PyObject *, m); - int i; - for (i = 0; i < m->defaults_pyobjects; i++) - Py_XDECREF(pydefaults[i]); - PyObject_Free(m->defaults); - m->defaults = NULL; - } - return 0; -} -static void __Pyx__CyFunction_dealloc(__pyx_CyFunctionObject *m) -{ - if (__Pyx_CyFunction_weakreflist(m) != NULL) - PyObject_ClearWeakRefs((PyObject *) m); - __Pyx_CyFunction_clear(m); - __Pyx_PyHeapTypeObject_GC_Del(m); -} -static void __Pyx_CyFunction_dealloc(__pyx_CyFunctionObject *m) -{ - PyObject_GC_UnTrack(m); - __Pyx__CyFunction_dealloc(m); -} -static int __Pyx_CyFunction_traverse(__pyx_CyFunctionObject *m, visitproc visit, void *arg) -{ - Py_VISIT(m->func_closure); -#if CYTHON_COMPILING_IN_LIMITED_API - Py_VISIT(m->func); -#else - Py_VISIT(((PyCFunctionObject*)m)->m_module); -#endif - Py_VISIT(m->func_dict); - Py_VISIT(m->func_name); - Py_VISIT(m->func_qualname); - Py_VISIT(m->func_doc); - Py_VISIT(m->func_globals); - Py_VISIT(m->func_code); -#if !CYTHON_COMPILING_IN_LIMITED_API - Py_VISIT(__Pyx_CyFunction_GetClassObj(m)); -#endif - Py_VISIT(m->defaults_tuple); - Py_VISIT(m->defaults_kwdict); - Py_VISIT(m->func_is_coroutine); - if (m->defaults) { - PyObject **pydefaults = __Pyx_CyFunction_Defaults(PyObject *, m); - int i; - for (i = 0; i < m->defaults_pyobjects; i++) - Py_VISIT(pydefaults[i]); - } - return 0; -} -static PyObject* -__Pyx_CyFunction_repr(__pyx_CyFunctionObject *op) -{ -#if PY_MAJOR_VERSION >= 3 - return PyUnicode_FromFormat("", - op->func_qualname, (void *)op); -#else - return PyString_FromFormat("", - PyString_AsString(op->func_qualname), (void *)op); -#endif -} -static PyObject * __Pyx_CyFunction_CallMethod(PyObject *func, PyObject *self, PyObject *arg, PyObject *kw) { -#if CYTHON_COMPILING_IN_LIMITED_API - PyObject *f = ((__pyx_CyFunctionObject*)func)->func; - PyObject *py_name = NULL; - PyCFunction meth; - int flags; - meth = PyCFunction_GetFunction(f); - if (unlikely(!meth)) return NULL; - flags = PyCFunction_GetFlags(f); - if (unlikely(flags < 0)) return NULL; -#else - PyCFunctionObject* f = (PyCFunctionObject*)func; - PyCFunction meth = f->m_ml->ml_meth; - int flags = f->m_ml->ml_flags; -#endif - Py_ssize_t size; - switch (flags & (METH_VARARGS | METH_KEYWORDS | METH_NOARGS | METH_O)) { - case METH_VARARGS: - if (likely(kw == NULL || PyDict_Size(kw) == 0)) - return (*meth)(self, arg); - break; - case METH_VARARGS | METH_KEYWORDS: - return (*(PyCFunctionWithKeywords)(void*)meth)(self, arg, kw); - case METH_NOARGS: - if (likely(kw == NULL || PyDict_Size(kw) == 0)) { -#if CYTHON_ASSUME_SAFE_MACROS - size = PyTuple_GET_SIZE(arg); -#else - size = PyTuple_Size(arg); - if (unlikely(size < 0)) return NULL; -#endif - if (likely(size == 0)) - return (*meth)(self, NULL); -#if CYTHON_COMPILING_IN_LIMITED_API - py_name = __Pyx_CyFunction_get_name((__pyx_CyFunctionObject*)func, NULL); - if (!py_name) return NULL; - PyErr_Format(PyExc_TypeError, - "%.200S() takes no arguments (%" CYTHON_FORMAT_SSIZE_T "d given)", - py_name, size); - Py_DECREF(py_name); -#else - PyErr_Format(PyExc_TypeError, - "%.200s() takes no arguments (%" CYTHON_FORMAT_SSIZE_T "d given)", - f->m_ml->ml_name, size); -#endif - return NULL; - } - break; - case METH_O: - if (likely(kw == NULL || PyDict_Size(kw) == 0)) { -#if CYTHON_ASSUME_SAFE_MACROS - size = PyTuple_GET_SIZE(arg); -#else - size = PyTuple_Size(arg); - if (unlikely(size < 0)) return NULL; -#endif - if (likely(size == 1)) { - PyObject *result, *arg0; - #if CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS - arg0 = PyTuple_GET_ITEM(arg, 0); - #else - arg0 = __Pyx_PySequence_ITEM(arg, 0); if (unlikely(!arg0)) return NULL; - #endif - result = (*meth)(self, arg0); - #if !(CYTHON_ASSUME_SAFE_MACROS && !CYTHON_AVOID_BORROWED_REFS) - Py_DECREF(arg0); - #endif - return result; - } -#if CYTHON_COMPILING_IN_LIMITED_API - py_name = __Pyx_CyFunction_get_name((__pyx_CyFunctionObject*)func, NULL); - if (!py_name) return NULL; - PyErr_Format(PyExc_TypeError, - "%.200S() takes exactly one argument (%" CYTHON_FORMAT_SSIZE_T "d given)", - py_name, size); - Py_DECREF(py_name); -#else - PyErr_Format(PyExc_TypeError, - "%.200s() takes exactly one argument (%" CYTHON_FORMAT_SSIZE_T "d given)", - f->m_ml->ml_name, size); -#endif - return NULL; - } - break; - default: - PyErr_SetString(PyExc_SystemError, "Bad call flags for CyFunction"); - return NULL; - } -#if CYTHON_COMPILING_IN_LIMITED_API - py_name = __Pyx_CyFunction_get_name((__pyx_CyFunctionObject*)func, NULL); - if (!py_name) return NULL; - PyErr_Format(PyExc_TypeError, "%.200S() takes no keyword arguments", - py_name); - Py_DECREF(py_name); -#else - PyErr_Format(PyExc_TypeError, "%.200s() takes no keyword arguments", - f->m_ml->ml_name); -#endif - return NULL; -} -static CYTHON_INLINE PyObject *__Pyx_CyFunction_Call(PyObject *func, PyObject *arg, PyObject *kw) { - PyObject *self, *result; -#if CYTHON_COMPILING_IN_LIMITED_API - self = PyCFunction_GetSelf(((__pyx_CyFunctionObject*)func)->func); - if (unlikely(!self) && PyErr_Occurred()) return NULL; -#else - self = ((PyCFunctionObject*)func)->m_self; -#endif - result = __Pyx_CyFunction_CallMethod(func, self, arg, kw); - return result; -} -static PyObject *__Pyx_CyFunction_CallAsMethod(PyObject *func, PyObject *args, PyObject *kw) { - PyObject *result; - __pyx_CyFunctionObject *cyfunc = (__pyx_CyFunctionObject *) func; -#if CYTHON_METH_FASTCALL - __pyx_vectorcallfunc vc = __Pyx_CyFunction_func_vectorcall(cyfunc); - if (vc) { -#if CYTHON_ASSUME_SAFE_MACROS - return __Pyx_PyVectorcall_FastCallDict(func, vc, &PyTuple_GET_ITEM(args, 0), (size_t)PyTuple_GET_SIZE(args), kw); -#else - (void) &__Pyx_PyVectorcall_FastCallDict; - return PyVectorcall_Call(func, args, kw); -#endif - } -#endif - if ((cyfunc->flags & __Pyx_CYFUNCTION_CCLASS) && !(cyfunc->flags & __Pyx_CYFUNCTION_STATICMETHOD)) { - Py_ssize_t argc; - PyObject *new_args; - PyObject *self; -#if CYTHON_ASSUME_SAFE_MACROS - argc = PyTuple_GET_SIZE(args); -#else - argc = PyTuple_Size(args); - if (unlikely(!argc) < 0) return NULL; -#endif - new_args = PyTuple_GetSlice(args, 1, argc); - if (unlikely(!new_args)) - return NULL; - self = PyTuple_GetItem(args, 0); - if (unlikely(!self)) { - Py_DECREF(new_args); -#if PY_MAJOR_VERSION > 2 - PyErr_Format(PyExc_TypeError, - "unbound method %.200S() needs an argument", - cyfunc->func_qualname); -#else - PyErr_SetString(PyExc_TypeError, - "unbound method needs an argument"); -#endif - return NULL; - } - result = __Pyx_CyFunction_CallMethod(func, self, new_args, kw); - Py_DECREF(new_args); - } else { - result = __Pyx_CyFunction_Call(func, args, kw); - } - return result; -} -#if CYTHON_METH_FASTCALL -static CYTHON_INLINE int __Pyx_CyFunction_Vectorcall_CheckArgs(__pyx_CyFunctionObject *cyfunc, Py_ssize_t nargs, PyObject *kwnames) -{ - int ret = 0; - if ((cyfunc->flags & __Pyx_CYFUNCTION_CCLASS) && !(cyfunc->flags & __Pyx_CYFUNCTION_STATICMETHOD)) { - if (unlikely(nargs < 1)) { - PyErr_Format(PyExc_TypeError, "%.200s() needs an argument", - ((PyCFunctionObject*)cyfunc)->m_ml->ml_name); - return -1; - } - ret = 1; - } - if (unlikely(kwnames) && unlikely(PyTuple_GET_SIZE(kwnames))) { - PyErr_Format(PyExc_TypeError, - "%.200s() takes no keyword arguments", ((PyCFunctionObject*)cyfunc)->m_ml->ml_name); - return -1; - } - return ret; -} -static PyObject * __Pyx_CyFunction_Vectorcall_NOARGS(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames) -{ - __pyx_CyFunctionObject *cyfunc = (__pyx_CyFunctionObject *)func; - PyMethodDef* def = ((PyCFunctionObject*)cyfunc)->m_ml; -#if CYTHON_BACKPORT_VECTORCALL - Py_ssize_t nargs = (Py_ssize_t)nargsf; -#else - Py_ssize_t nargs = PyVectorcall_NARGS(nargsf); -#endif - PyObject *self; - switch (__Pyx_CyFunction_Vectorcall_CheckArgs(cyfunc, nargs, kwnames)) { - case 1: - self = args[0]; - args += 1; - nargs -= 1; - break; - case 0: - self = ((PyCFunctionObject*)cyfunc)->m_self; - break; - default: - return NULL; - } - if (unlikely(nargs != 0)) { - PyErr_Format(PyExc_TypeError, - "%.200s() takes no arguments (%" CYTHON_FORMAT_SSIZE_T "d given)", - def->ml_name, nargs); - return NULL; - } - return def->ml_meth(self, NULL); -} -static PyObject * __Pyx_CyFunction_Vectorcall_O(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames) -{ - __pyx_CyFunctionObject *cyfunc = (__pyx_CyFunctionObject *)func; - PyMethodDef* def = ((PyCFunctionObject*)cyfunc)->m_ml; -#if CYTHON_BACKPORT_VECTORCALL - Py_ssize_t nargs = (Py_ssize_t)nargsf; -#else - Py_ssize_t nargs = PyVectorcall_NARGS(nargsf); -#endif - PyObject *self; - switch (__Pyx_CyFunction_Vectorcall_CheckArgs(cyfunc, nargs, kwnames)) { - case 1: - self = args[0]; - args += 1; - nargs -= 1; - break; - case 0: - self = ((PyCFunctionObject*)cyfunc)->m_self; - break; - default: - return NULL; - } - if (unlikely(nargs != 1)) { - PyErr_Format(PyExc_TypeError, - "%.200s() takes exactly one argument (%" CYTHON_FORMAT_SSIZE_T "d given)", - def->ml_name, nargs); - return NULL; - } - return def->ml_meth(self, args[0]); -} -static PyObject * __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames) -{ - __pyx_CyFunctionObject *cyfunc = (__pyx_CyFunctionObject *)func; - PyMethodDef* def = ((PyCFunctionObject*)cyfunc)->m_ml; -#if CYTHON_BACKPORT_VECTORCALL - Py_ssize_t nargs = (Py_ssize_t)nargsf; -#else - Py_ssize_t nargs = PyVectorcall_NARGS(nargsf); -#endif - PyObject *self; - switch (__Pyx_CyFunction_Vectorcall_CheckArgs(cyfunc, nargs, NULL)) { - case 1: - self = args[0]; - args += 1; - nargs -= 1; - break; - case 0: - self = ((PyCFunctionObject*)cyfunc)->m_self; - break; - default: - return NULL; - } - return ((_PyCFunctionFastWithKeywords)(void(*)(void))def->ml_meth)(self, args, nargs, kwnames); -} -static PyObject * __Pyx_CyFunction_Vectorcall_FASTCALL_KEYWORDS_METHOD(PyObject *func, PyObject *const *args, size_t nargsf, PyObject *kwnames) -{ - __pyx_CyFunctionObject *cyfunc = (__pyx_CyFunctionObject *)func; - PyMethodDef* def = ((PyCFunctionObject*)cyfunc)->m_ml; - PyTypeObject *cls = (PyTypeObject *) __Pyx_CyFunction_GetClassObj(cyfunc); -#if CYTHON_BACKPORT_VECTORCALL - Py_ssize_t nargs = (Py_ssize_t)nargsf; -#else - Py_ssize_t nargs = PyVectorcall_NARGS(nargsf); -#endif - PyObject *self; - switch (__Pyx_CyFunction_Vectorcall_CheckArgs(cyfunc, nargs, NULL)) { - case 1: - self = args[0]; - args += 1; - nargs -= 1; - break; - case 0: - self = ((PyCFunctionObject*)cyfunc)->m_self; - break; - default: - return NULL; - } - return ((__Pyx_PyCMethod)(void(*)(void))def->ml_meth)(self, cls, args, (size_t)nargs, kwnames); -} -#endif -#if CYTHON_USE_TYPE_SPECS -static PyType_Slot __pyx_CyFunctionType_slots[] = { - {Py_tp_dealloc, (void *)__Pyx_CyFunction_dealloc}, - {Py_tp_repr, (void *)__Pyx_CyFunction_repr}, - {Py_tp_call, (void *)__Pyx_CyFunction_CallAsMethod}, - {Py_tp_traverse, (void *)__Pyx_CyFunction_traverse}, - {Py_tp_clear, (void *)__Pyx_CyFunction_clear}, - {Py_tp_methods, (void *)__pyx_CyFunction_methods}, - {Py_tp_members, (void *)__pyx_CyFunction_members}, - {Py_tp_getset, (void *)__pyx_CyFunction_getsets}, - {Py_tp_descr_get, (void *)__Pyx_PyMethod_New}, - {0, 0}, -}; -static PyType_Spec __pyx_CyFunctionType_spec = { - __PYX_TYPE_MODULE_PREFIX "cython_function_or_method", - sizeof(__pyx_CyFunctionObject), - 0, -#ifdef Py_TPFLAGS_METHOD_DESCRIPTOR - Py_TPFLAGS_METHOD_DESCRIPTOR | -#endif -#if (defined(_Py_TPFLAGS_HAVE_VECTORCALL) && CYTHON_METH_FASTCALL) - _Py_TPFLAGS_HAVE_VECTORCALL | -#endif - Py_TPFLAGS_DEFAULT | Py_TPFLAGS_HAVE_GC | Py_TPFLAGS_BASETYPE, - __pyx_CyFunctionType_slots -}; -#else -static PyTypeObject __pyx_CyFunctionType_type = { - PyVarObject_HEAD_INIT(0, 0) - __PYX_TYPE_MODULE_PREFIX "cython_function_or_method", - sizeof(__pyx_CyFunctionObject), - 0, - (destructor) __Pyx_CyFunction_dealloc, -#if !CYTHON_METH_FASTCALL - 0, -#elif CYTHON_BACKPORT_VECTORCALL - (printfunc)offsetof(__pyx_CyFunctionObject, func_vectorcall), -#else - offsetof(PyCFunctionObject, vectorcall), -#endif - 0, - 0, -#if PY_MAJOR_VERSION < 3 - 0, -#else - 0, -#endif - (reprfunc) __Pyx_CyFunction_repr, - 0, - 0, - 0, - 0, - __Pyx_CyFunction_CallAsMethod, - 0, - 0, - 0, - 0, -#ifdef Py_TPFLAGS_METHOD_DESCRIPTOR - Py_TPFLAGS_METHOD_DESCRIPTOR | -#endif -#if defined(_Py_TPFLAGS_HAVE_VECTORCALL) && CYTHON_METH_FASTCALL - _Py_TPFLAGS_HAVE_VECTORCALL | -#endif - Py_TPFLAGS_DEFAULT | Py_TPFLAGS_HAVE_GC | Py_TPFLAGS_BASETYPE, - 0, - (traverseproc) __Pyx_CyFunction_traverse, - (inquiry) __Pyx_CyFunction_clear, - 0, -#if PY_VERSION_HEX < 0x030500A0 - offsetof(__pyx_CyFunctionObject, func_weakreflist), -#else - offsetof(PyCFunctionObject, m_weakreflist), -#endif - 0, - 0, - __pyx_CyFunction_methods, - __pyx_CyFunction_members, - __pyx_CyFunction_getsets, - 0, - 0, - __Pyx_PyMethod_New, - 0, - offsetof(__pyx_CyFunctionObject, func_dict), - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, - 0, -#if PY_VERSION_HEX >= 0x030400a1 - 0, -#endif -#if PY_VERSION_HEX >= 0x030800b1 && (!CYTHON_COMPILING_IN_PYPY || PYPY_VERSION_NUM >= 0x07030800) - 0, -#endif -#if __PYX_NEED_TP_PRINT_SLOT - 0, -#endif -#if PY_VERSION_HEX >= 0x030C0000 - 0, -#endif -#if CYTHON_COMPILING_IN_PYPY && PY_VERSION_HEX >= 0x03090000 && PY_VERSION_HEX < 0x030a0000 - 0, -#endif -}; -#endif -static int __pyx_CyFunction_init(PyObject *module) { -#if CYTHON_USE_TYPE_SPECS - __pyx_CyFunctionType = __Pyx_FetchCommonTypeFromSpec(module, &__pyx_CyFunctionType_spec, NULL); -#else - CYTHON_UNUSED_VAR(module); - __pyx_CyFunctionType = __Pyx_FetchCommonType(&__pyx_CyFunctionType_type); -#endif - if (unlikely(__pyx_CyFunctionType == NULL)) { - return -1; - } - return 0; -} -static CYTHON_INLINE void *__Pyx_CyFunction_InitDefaults(PyObject *func, size_t size, int pyobjects) { - __pyx_CyFunctionObject *m = (__pyx_CyFunctionObject *) func; - m->defaults = PyObject_Malloc(size); - if (unlikely(!m->defaults)) - return PyErr_NoMemory(); - memset(m->defaults, 0, size); - m->defaults_pyobjects = pyobjects; - m->defaults_size = size; - return m->defaults; -} -static CYTHON_INLINE void __Pyx_CyFunction_SetDefaultsTuple(PyObject *func, PyObject *tuple) { - __pyx_CyFunctionObject *m = (__pyx_CyFunctionObject *) func; - m->defaults_tuple = tuple; - Py_INCREF(tuple); -} -static CYTHON_INLINE void __Pyx_CyFunction_SetDefaultsKwDict(PyObject *func, PyObject *dict) { - __pyx_CyFunctionObject *m = (__pyx_CyFunctionObject *) func; - m->defaults_kwdict = dict; - Py_INCREF(dict); -} -static CYTHON_INLINE void __Pyx_CyFunction_SetAnnotationsDict(PyObject *func, PyObject *dict) { - __pyx_CyFunctionObject *m = (__pyx_CyFunctionObject *) func; - m->func_annotations = dict; - Py_INCREF(dict); -} - -/* CythonFunction */ - static PyObject *__Pyx_CyFunction_New(PyMethodDef *ml, int flags, PyObject* qualname, - PyObject *closure, PyObject *module, PyObject* globals, PyObject* code) { - PyObject *op = __Pyx_CyFunction_Init( - PyObject_GC_New(__pyx_CyFunctionObject, __pyx_CyFunctionType), - ml, flags, qualname, closure, module, globals, code - ); - if (likely(op)) { - PyObject_GC_Track(op); - } - return op; -} - -/* PyDictVersioning */ - #if CYTHON_USE_DICT_VERSIONS && CYTHON_USE_TYPE_SLOTS -static CYTHON_INLINE PY_UINT64_T __Pyx_get_tp_dict_version(PyObject *obj) { - PyObject *dict = Py_TYPE(obj)->tp_dict; - return likely(dict) ? __PYX_GET_DICT_VERSION(dict) : 0; -} -static CYTHON_INLINE PY_UINT64_T __Pyx_get_object_dict_version(PyObject *obj) { - PyObject **dictptr = NULL; - Py_ssize_t offset = Py_TYPE(obj)->tp_dictoffset; - if (offset) { -#if CYTHON_COMPILING_IN_CPYTHON - dictptr = (likely(offset > 0)) ? (PyObject **) ((char *)obj + offset) : _PyObject_GetDictPtr(obj); -#else - dictptr = _PyObject_GetDictPtr(obj); -#endif - } - return (dictptr && *dictptr) ? __PYX_GET_DICT_VERSION(*dictptr) : 0; -} -static CYTHON_INLINE int __Pyx_object_dict_version_matches(PyObject* obj, PY_UINT64_T tp_dict_version, PY_UINT64_T obj_dict_version) { - PyObject *dict = Py_TYPE(obj)->tp_dict; - if (unlikely(!dict) || unlikely(tp_dict_version != __PYX_GET_DICT_VERSION(dict))) - return 0; - return obj_dict_version == __Pyx_get_object_dict_version(obj); -} -#endif - -/* CLineInTraceback */ - #ifndef CYTHON_CLINE_IN_TRACEBACK -static int __Pyx_CLineForTraceback(PyThreadState *tstate, int c_line) { - PyObject *use_cline; - PyObject *ptype, *pvalue, *ptraceback; -#if CYTHON_COMPILING_IN_CPYTHON - PyObject **cython_runtime_dict; -#endif - CYTHON_MAYBE_UNUSED_VAR(tstate); - if (unlikely(!__pyx_cython_runtime)) { - return c_line; - } - __Pyx_ErrFetchInState(tstate, &ptype, &pvalue, &ptraceback); -#if CYTHON_COMPILING_IN_CPYTHON - cython_runtime_dict = _PyObject_GetDictPtr(__pyx_cython_runtime); - if (likely(cython_runtime_dict)) { - __PYX_PY_DICT_LOOKUP_IF_MODIFIED( - use_cline, *cython_runtime_dict, - __Pyx_PyDict_GetItemStr(*cython_runtime_dict, __pyx_n_s_cline_in_traceback)) - } else -#endif - { - PyObject *use_cline_obj = __Pyx_PyObject_GetAttrStrNoError(__pyx_cython_runtime, __pyx_n_s_cline_in_traceback); - if (use_cline_obj) { - use_cline = PyObject_Not(use_cline_obj) ? Py_False : Py_True; - Py_DECREF(use_cline_obj); - } else { - PyErr_Clear(); - use_cline = NULL; - } - } - if (!use_cline) { - c_line = 0; - (void) PyObject_SetAttr(__pyx_cython_runtime, __pyx_n_s_cline_in_traceback, Py_False); - } - else if (use_cline == Py_False || (use_cline != Py_True && PyObject_Not(use_cline) != 0)) { - c_line = 0; - } - __Pyx_ErrRestoreInState(tstate, ptype, pvalue, ptraceback); - return c_line; -} -#endif - -/* CodeObjectCache */ - #if !CYTHON_COMPILING_IN_LIMITED_API -static int __pyx_bisect_code_objects(__Pyx_CodeObjectCacheEntry* entries, int count, int code_line) { - int start = 0, mid = 0, end = count - 1; - if (end >= 0 && code_line > entries[end].code_line) { - return count; - } - while (start < end) { - mid = start + (end - start) / 2; - if (code_line < entries[mid].code_line) { - end = mid; - } else if (code_line > entries[mid].code_line) { - start = mid + 1; - } else { - return mid; - } - } - if (code_line <= entries[mid].code_line) { - return mid; - } else { - return mid + 1; - } -} -static PyCodeObject *__pyx_find_code_object(int code_line) { - PyCodeObject* code_object; - int pos; - if (unlikely(!code_line) || unlikely(!__pyx_code_cache.entries)) { - return NULL; - } - pos = __pyx_bisect_code_objects(__pyx_code_cache.entries, __pyx_code_cache.count, code_line); - if (unlikely(pos >= __pyx_code_cache.count) || unlikely(__pyx_code_cache.entries[pos].code_line != code_line)) { - return NULL; - } - code_object = __pyx_code_cache.entries[pos].code_object; - Py_INCREF(code_object); - return code_object; -} -static void __pyx_insert_code_object(int code_line, PyCodeObject* code_object) { - int pos, i; - __Pyx_CodeObjectCacheEntry* entries = __pyx_code_cache.entries; - if (unlikely(!code_line)) { - return; - } - if (unlikely(!entries)) { - entries = (__Pyx_CodeObjectCacheEntry*)PyMem_Malloc(64*sizeof(__Pyx_CodeObjectCacheEntry)); - if (likely(entries)) { - __pyx_code_cache.entries = entries; - __pyx_code_cache.max_count = 64; - __pyx_code_cache.count = 1; - entries[0].code_line = code_line; - entries[0].code_object = code_object; - Py_INCREF(code_object); - } - return; - } - pos = __pyx_bisect_code_objects(__pyx_code_cache.entries, __pyx_code_cache.count, code_line); - if ((pos < __pyx_code_cache.count) && unlikely(__pyx_code_cache.entries[pos].code_line == code_line)) { - PyCodeObject* tmp = entries[pos].code_object; - entries[pos].code_object = code_object; - Py_DECREF(tmp); - return; - } - if (__pyx_code_cache.count == __pyx_code_cache.max_count) { - int new_max = __pyx_code_cache.max_count + 64; - entries = (__Pyx_CodeObjectCacheEntry*)PyMem_Realloc( - __pyx_code_cache.entries, ((size_t)new_max) * sizeof(__Pyx_CodeObjectCacheEntry)); - if (unlikely(!entries)) { - return; - } - __pyx_code_cache.entries = entries; - __pyx_code_cache.max_count = new_max; - } - for (i=__pyx_code_cache.count; i>pos; i--) { - entries[i] = entries[i-1]; - } - entries[pos].code_line = code_line; - entries[pos].code_object = code_object; - __pyx_code_cache.count++; - Py_INCREF(code_object); -} -#endif - -/* AddTraceback */ - #include "compile.h" -#include "frameobject.h" -#include "traceback.h" -#if PY_VERSION_HEX >= 0x030b00a6 && !CYTHON_COMPILING_IN_LIMITED_API - #ifndef Py_BUILD_CORE - #define Py_BUILD_CORE 1 - #endif - #include "internal/pycore_frame.h" -#endif -#if CYTHON_COMPILING_IN_LIMITED_API -static PyObject *__Pyx_PyCode_Replace_For_AddTraceback(PyObject *code, PyObject *scratch_dict, - PyObject *firstlineno, PyObject *name) { - PyObject *replace = NULL; - if (unlikely(PyDict_SetItemString(scratch_dict, "co_firstlineno", firstlineno))) return NULL; - if (unlikely(PyDict_SetItemString(scratch_dict, "co_name", name))) return NULL; - replace = PyObject_GetAttrString(code, "replace"); - if (likely(replace)) { - PyObject *result; - result = PyObject_Call(replace, __pyx_empty_tuple, scratch_dict); - Py_DECREF(replace); - return result; - } - PyErr_Clear(); - #if __PYX_LIMITED_VERSION_HEX < 0x030780000 - { - PyObject *compiled = NULL, *result = NULL; - if (unlikely(PyDict_SetItemString(scratch_dict, "code", code))) return NULL; - if (unlikely(PyDict_SetItemString(scratch_dict, "type", (PyObject*)(&PyType_Type)))) return NULL; - compiled = Py_CompileString( - "out = type(code)(\n" - " code.co_argcount, code.co_kwonlyargcount, code.co_nlocals, code.co_stacksize,\n" - " code.co_flags, code.co_code, code.co_consts, code.co_names,\n" - " code.co_varnames, code.co_filename, co_name, co_firstlineno,\n" - " code.co_lnotab)\n", "", Py_file_input); - if (!compiled) return NULL; - result = PyEval_EvalCode(compiled, scratch_dict, scratch_dict); - Py_DECREF(compiled); - if (!result) PyErr_Print(); - Py_DECREF(result); - result = PyDict_GetItemString(scratch_dict, "out"); - if (result) Py_INCREF(result); - return result; - } - #else - return NULL; - #endif -} -static void __Pyx_AddTraceback(const char *funcname, int c_line, - int py_line, const char *filename) { - PyObject *code_object = NULL, *py_py_line = NULL, *py_funcname = NULL, *dict = NULL; - PyObject *replace = NULL, *getframe = NULL, *frame = NULL; - PyObject *exc_type, *exc_value, *exc_traceback; - int success = 0; - if (c_line) { - (void) __pyx_cfilenm; - (void) __Pyx_CLineForTraceback(__Pyx_PyThreadState_Current, c_line); - } - PyErr_Fetch(&exc_type, &exc_value, &exc_traceback); - code_object = Py_CompileString("_getframe()", filename, Py_eval_input); - if (unlikely(!code_object)) goto bad; - py_py_line = PyLong_FromLong(py_line); - if (unlikely(!py_py_line)) goto bad; - py_funcname = PyUnicode_FromString(funcname); - if (unlikely(!py_funcname)) goto bad; - dict = PyDict_New(); - if (unlikely(!dict)) goto bad; - { - PyObject *old_code_object = code_object; - code_object = __Pyx_PyCode_Replace_For_AddTraceback(code_object, dict, py_py_line, py_funcname); - Py_DECREF(old_code_object); - } - if (unlikely(!code_object)) goto bad; - getframe = PySys_GetObject("_getframe"); - if (unlikely(!getframe)) goto bad; - if (unlikely(PyDict_SetItemString(dict, "_getframe", getframe))) goto bad; - frame = PyEval_EvalCode(code_object, dict, dict); - if (unlikely(!frame) || frame == Py_None) goto bad; - success = 1; - bad: - PyErr_Restore(exc_type, exc_value, exc_traceback); - Py_XDECREF(code_object); - Py_XDECREF(py_py_line); - Py_XDECREF(py_funcname); - Py_XDECREF(dict); - Py_XDECREF(replace); - if (success) { - PyTraceBack_Here( - (struct _frame*)frame); - } - Py_XDECREF(frame); -} -#else -static PyCodeObject* __Pyx_CreateCodeObjectForTraceback( - const char *funcname, int c_line, - int py_line, const char *filename) { - PyCodeObject *py_code = NULL; - PyObject *py_funcname = NULL; - #if PY_MAJOR_VERSION < 3 - PyObject *py_srcfile = NULL; - py_srcfile = PyString_FromString(filename); - if (!py_srcfile) goto bad; - #endif - if (c_line) { - #if PY_MAJOR_VERSION < 3 - py_funcname = PyString_FromFormat( "%s (%s:%d)", funcname, __pyx_cfilenm, c_line); - if (!py_funcname) goto bad; - #else - py_funcname = PyUnicode_FromFormat( "%s (%s:%d)", funcname, __pyx_cfilenm, c_line); - if (!py_funcname) goto bad; - funcname = PyUnicode_AsUTF8(py_funcname); - if (!funcname) goto bad; - #endif - } - else { - #if PY_MAJOR_VERSION < 3 - py_funcname = PyString_FromString(funcname); - if (!py_funcname) goto bad; - #endif - } - #if PY_MAJOR_VERSION < 3 - py_code = __Pyx_PyCode_New( - 0, - 0, - 0, - 0, - 0, - 0, - __pyx_empty_bytes, /*PyObject *code,*/ - __pyx_empty_tuple, /*PyObject *consts,*/ - __pyx_empty_tuple, /*PyObject *names,*/ - __pyx_empty_tuple, /*PyObject *varnames,*/ - __pyx_empty_tuple, /*PyObject *freevars,*/ - __pyx_empty_tuple, /*PyObject *cellvars,*/ - py_srcfile, /*PyObject *filename,*/ - py_funcname, /*PyObject *name,*/ - py_line, - __pyx_empty_bytes /*PyObject *lnotab*/ - ); - Py_DECREF(py_srcfile); - #else - py_code = PyCode_NewEmpty(filename, funcname, py_line); - #endif - Py_XDECREF(py_funcname); // XDECREF since it's only set on Py3 if cline - return py_code; -bad: - Py_XDECREF(py_funcname); - #if PY_MAJOR_VERSION < 3 - Py_XDECREF(py_srcfile); - #endif - return NULL; -} -static void __Pyx_AddTraceback(const char *funcname, int c_line, - int py_line, const char *filename) { - PyCodeObject *py_code = 0; - PyFrameObject *py_frame = 0; - PyThreadState *tstate = __Pyx_PyThreadState_Current; - PyObject *ptype, *pvalue, *ptraceback; - if (c_line) { - c_line = __Pyx_CLineForTraceback(tstate, c_line); - } - py_code = __pyx_find_code_object(c_line ? -c_line : py_line); - if (!py_code) { - __Pyx_ErrFetchInState(tstate, &ptype, &pvalue, &ptraceback); - py_code = __Pyx_CreateCodeObjectForTraceback( - funcname, c_line, py_line, filename); - if (!py_code) { - /* If the code object creation fails, then we should clear the - fetched exception references and propagate the new exception */ - Py_XDECREF(ptype); - Py_XDECREF(pvalue); - Py_XDECREF(ptraceback); - goto bad; - } - __Pyx_ErrRestoreInState(tstate, ptype, pvalue, ptraceback); - __pyx_insert_code_object(c_line ? -c_line : py_line, py_code); - } - py_frame = PyFrame_New( - tstate, /*PyThreadState *tstate,*/ - py_code, /*PyCodeObject *code,*/ - __pyx_d, /*PyObject *globals,*/ - 0 /*PyObject *locals*/ - ); - if (!py_frame) goto bad; - __Pyx_PyFrame_SetLineNumber(py_frame, py_line); - PyTraceBack_Here(py_frame); -bad: - Py_XDECREF(py_code); - Py_XDECREF(py_frame); -} -#endif - -#if PY_MAJOR_VERSION < 3 -static int __Pyx_GetBuffer(PyObject *obj, Py_buffer *view, int flags) { - __Pyx_TypeName obj_type_name; - if (PyObject_CheckBuffer(obj)) return PyObject_GetBuffer(obj, view, flags); - obj_type_name = __Pyx_PyType_GetName(Py_TYPE(obj)); - PyErr_Format(PyExc_TypeError, - "'" __Pyx_FMT_TYPENAME "' does not have the buffer interface", - obj_type_name); - __Pyx_DECREF_TypeName(obj_type_name); - return -1; -} -static void __Pyx_ReleaseBuffer(Py_buffer *view) { - PyObject *obj = view->obj; - if (!obj) return; - if (PyObject_CheckBuffer(obj)) { - PyBuffer_Release(view); - return; - } - if ((0)) {} - view->obj = NULL; - Py_DECREF(obj); -} -#endif - - - /* CIntFromPyVerify */ - #define __PYX_VERIFY_RETURN_INT(target_type, func_type, func_value)\ - __PYX__VERIFY_RETURN_INT(target_type, func_type, func_value, 0) -#define __PYX_VERIFY_RETURN_INT_EXC(target_type, func_type, func_value)\ - __PYX__VERIFY_RETURN_INT(target_type, func_type, func_value, 1) -#define __PYX__VERIFY_RETURN_INT(target_type, func_type, func_value, exc)\ - {\ - func_type value = func_value;\ - if (sizeof(target_type) < sizeof(func_type)) {\ - if (unlikely(value != (func_type) (target_type) value)) {\ - func_type zero = 0;\ - if (exc && unlikely(value == (func_type)-1 && PyErr_Occurred()))\ - return (target_type) -1;\ - if (is_unsigned && unlikely(value < zero))\ - goto raise_neg_overflow;\ - else\ - goto raise_overflow;\ - }\ - }\ - return (target_type) value;\ - } - -/* Declarations */ - #if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #ifdef __cplusplus - static CYTHON_INLINE __pyx_t_float_complex __pyx_t_float_complex_from_parts(float x, float y) { - return ::std::complex< float >(x, y); - } - #else - static CYTHON_INLINE __pyx_t_float_complex __pyx_t_float_complex_from_parts(float x, float y) { - return x + y*(__pyx_t_float_complex)_Complex_I; - } - #endif -#else - static CYTHON_INLINE __pyx_t_float_complex __pyx_t_float_complex_from_parts(float x, float y) { - __pyx_t_float_complex z; - z.real = x; - z.imag = y; - return z; - } -#endif - -/* Arithmetic */ - #if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) -#else - static CYTHON_INLINE int __Pyx_c_eq_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - return (a.real == b.real) && (a.imag == b.imag); - } - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_sum_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - __pyx_t_float_complex z; - z.real = a.real + b.real; - z.imag = a.imag + b.imag; - return z; - } - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_diff_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - __pyx_t_float_complex z; - z.real = a.real - b.real; - z.imag = a.imag - b.imag; - return z; - } - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_prod_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - __pyx_t_float_complex z; - z.real = a.real * b.real - a.imag * b.imag; - z.imag = a.real * b.imag + a.imag * b.real; - return z; - } - #if 1 - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_quot_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - if (b.imag == 0) { - return __pyx_t_float_complex_from_parts(a.real / b.real, a.imag / b.real); - } else if (fabsf(b.real) >= fabsf(b.imag)) { - if (b.real == 0 && b.imag == 0) { - return __pyx_t_float_complex_from_parts(a.real / b.real, a.imag / b.imag); - } else { - float r = b.imag / b.real; - float s = (float)(1.0) / (b.real + b.imag * r); - return __pyx_t_float_complex_from_parts( - (a.real + a.imag * r) * s, (a.imag - a.real * r) * s); - } - } else { - float r = b.real / b.imag; - float s = (float)(1.0) / (b.imag + b.real * r); - return __pyx_t_float_complex_from_parts( - (a.real * r + a.imag) * s, (a.imag * r - a.real) * s); - } - } - #else - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_quot_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - if (b.imag == 0) { - return __pyx_t_float_complex_from_parts(a.real / b.real, a.imag / b.real); - } else { - float denom = b.real * b.real + b.imag * b.imag; - return __pyx_t_float_complex_from_parts( - (a.real * b.real + a.imag * b.imag) / denom, - (a.imag * b.real - a.real * b.imag) / denom); - } - } - #endif - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_neg_float(__pyx_t_float_complex a) { - __pyx_t_float_complex z; - z.real = -a.real; - z.imag = -a.imag; - return z; - } - static CYTHON_INLINE int __Pyx_c_is_zero_float(__pyx_t_float_complex a) { - return (a.real == 0) && (a.imag == 0); - } - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_conj_float(__pyx_t_float_complex a) { - __pyx_t_float_complex z; - z.real = a.real; - z.imag = -a.imag; - return z; - } - #if 1 - static CYTHON_INLINE float __Pyx_c_abs_float(__pyx_t_float_complex z) { - #if !defined(HAVE_HYPOT) || defined(_MSC_VER) - return sqrtf(z.real*z.real + z.imag*z.imag); - #else - return hypotf(z.real, z.imag); - #endif - } - static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_pow_float(__pyx_t_float_complex a, __pyx_t_float_complex b) { - __pyx_t_float_complex z; - float r, lnr, theta, z_r, z_theta; - if (b.imag == 0 && b.real == (int)b.real) { - if (b.real < 0) { - float denom = a.real * a.real + a.imag * a.imag; - a.real = a.real / denom; - a.imag = -a.imag / denom; - b.real = -b.real; - } - switch ((int)b.real) { - case 0: - z.real = 1; - z.imag = 0; - return z; - case 1: - return a; - case 2: - return __Pyx_c_prod_float(a, a); - case 3: - z = __Pyx_c_prod_float(a, a); - return __Pyx_c_prod_float(z, a); - case 4: - z = __Pyx_c_prod_float(a, a); - return __Pyx_c_prod_float(z, z); - } - } - if (a.imag == 0) { - if (a.real == 0) { - return a; - } else if ((b.imag == 0) && (a.real >= 0)) { - z.real = powf(a.real, b.real); - z.imag = 0; - return z; - } else if (a.real > 0) { - r = a.real; - theta = 0; - } else { - r = -a.real; - theta = atan2f(0.0, -1.0); - } - } else { - r = __Pyx_c_abs_float(a); - theta = atan2f(a.imag, a.real); - } - lnr = logf(r); - z_r = expf(lnr * b.real - theta * b.imag); - z_theta = theta * b.real + lnr * b.imag; - z.real = z_r * cosf(z_theta); - z.imag = z_r * sinf(z_theta); - return z; - } - #endif -#endif - -/* Declarations */ - #if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) - #ifdef __cplusplus - static CYTHON_INLINE __pyx_t_double_complex __pyx_t_double_complex_from_parts(double x, double y) { - return ::std::complex< double >(x, y); - } - #else - static CYTHON_INLINE __pyx_t_double_complex __pyx_t_double_complex_from_parts(double x, double y) { - return x + y*(__pyx_t_double_complex)_Complex_I; - } - #endif -#else - static CYTHON_INLINE __pyx_t_double_complex __pyx_t_double_complex_from_parts(double x, double y) { - __pyx_t_double_complex z; - z.real = x; - z.imag = y; - return z; - } -#endif - -/* Arithmetic */ - #if CYTHON_CCOMPLEX && (1) && (!0 || __cplusplus) -#else - static CYTHON_INLINE int __Pyx_c_eq_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - return (a.real == b.real) && (a.imag == b.imag); - } - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_sum_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - __pyx_t_double_complex z; - z.real = a.real + b.real; - z.imag = a.imag + b.imag; - return z; - } - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_diff_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - __pyx_t_double_complex z; - z.real = a.real - b.real; - z.imag = a.imag - b.imag; - return z; - } - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_prod_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - __pyx_t_double_complex z; - z.real = a.real * b.real - a.imag * b.imag; - z.imag = a.real * b.imag + a.imag * b.real; - return z; - } - #if 1 - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_quot_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - if (b.imag == 0) { - return __pyx_t_double_complex_from_parts(a.real / b.real, a.imag / b.real); - } else if (fabs(b.real) >= fabs(b.imag)) { - if (b.real == 0 && b.imag == 0) { - return __pyx_t_double_complex_from_parts(a.real / b.real, a.imag / b.imag); - } else { - double r = b.imag / b.real; - double s = (double)(1.0) / (b.real + b.imag * r); - return __pyx_t_double_complex_from_parts( - (a.real + a.imag * r) * s, (a.imag - a.real * r) * s); - } - } else { - double r = b.real / b.imag; - double s = (double)(1.0) / (b.imag + b.real * r); - return __pyx_t_double_complex_from_parts( - (a.real * r + a.imag) * s, (a.imag * r - a.real) * s); - } - } - #else - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_quot_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - if (b.imag == 0) { - return __pyx_t_double_complex_from_parts(a.real / b.real, a.imag / b.real); - } else { - double denom = b.real * b.real + b.imag * b.imag; - return __pyx_t_double_complex_from_parts( - (a.real * b.real + a.imag * b.imag) / denom, - (a.imag * b.real - a.real * b.imag) / denom); - } - } - #endif - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_neg_double(__pyx_t_double_complex a) { - __pyx_t_double_complex z; - z.real = -a.real; - z.imag = -a.imag; - return z; - } - static CYTHON_INLINE int __Pyx_c_is_zero_double(__pyx_t_double_complex a) { - return (a.real == 0) && (a.imag == 0); - } - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_conj_double(__pyx_t_double_complex a) { - __pyx_t_double_complex z; - z.real = a.real; - z.imag = -a.imag; - return z; - } - #if 1 - static CYTHON_INLINE double __Pyx_c_abs_double(__pyx_t_double_complex z) { - #if !defined(HAVE_HYPOT) || defined(_MSC_VER) - return sqrt(z.real*z.real + z.imag*z.imag); - #else - return hypot(z.real, z.imag); - #endif - } - static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_pow_double(__pyx_t_double_complex a, __pyx_t_double_complex b) { - __pyx_t_double_complex z; - double r, lnr, theta, z_r, z_theta; - if (b.imag == 0 && b.real == (int)b.real) { - if (b.real < 0) { - double denom = a.real * a.real + a.imag * a.imag; - a.real = a.real / denom; - a.imag = -a.imag / denom; - b.real = -b.real; - } - switch ((int)b.real) { - case 0: - z.real = 1; - z.imag = 0; - return z; - case 1: - return a; - case 2: - return __Pyx_c_prod_double(a, a); - case 3: - z = __Pyx_c_prod_double(a, a); - return __Pyx_c_prod_double(z, a); - case 4: - z = __Pyx_c_prod_double(a, a); - return __Pyx_c_prod_double(z, z); - } - } - if (a.imag == 0) { - if (a.real == 0) { - return a; - } else if ((b.imag == 0) && (a.real >= 0)) { - z.real = pow(a.real, b.real); - z.imag = 0; - return z; - } else if (a.real > 0) { - r = a.real; - theta = 0; - } else { - r = -a.real; - theta = atan2(0.0, -1.0); - } - } else { - r = __Pyx_c_abs_double(a); - theta = atan2(a.imag, a.real); - } - lnr = log(r); - z_r = exp(lnr * b.real - theta * b.imag); - z_theta = theta * b.real + lnr * b.imag; - z.real = z_r * cos(z_theta); - z.imag = z_r * sin(z_theta); - return z; - } - #endif -#endif - -/* CIntToPy */ - static CYTHON_INLINE PyObject* __Pyx_PyInt_From_int(int value) { -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic push -#pragma GCC diagnostic ignored "-Wconversion" -#endif - const int neg_one = (int) -1, const_zero = (int) 0; -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic pop -#endif - const int is_unsigned = neg_one > const_zero; - if (is_unsigned) { - if (sizeof(int) < sizeof(long)) { - return PyInt_FromLong((long) value); - } else if (sizeof(int) <= sizeof(unsigned long)) { - return PyLong_FromUnsignedLong((unsigned long) value); -#ifdef HAVE_LONG_LONG - } else if (sizeof(int) <= sizeof(unsigned PY_LONG_LONG)) { - return PyLong_FromUnsignedLongLong((unsigned PY_LONG_LONG) value); -#endif - } - } else { - if (sizeof(int) <= sizeof(long)) { - return PyInt_FromLong((long) value); -#ifdef HAVE_LONG_LONG - } else if (sizeof(int) <= sizeof(PY_LONG_LONG)) { - return PyLong_FromLongLong((PY_LONG_LONG) value); -#endif - } - } - { - int one = 1; int little = (int)*(unsigned char *)&one; - unsigned char *bytes = (unsigned char *)&value; -#if !CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030d0000 - return _PyLong_FromByteArray(bytes, sizeof(int), - little, !is_unsigned); -#else - PyObject *from_bytes, *result = NULL; - PyObject *py_bytes = NULL, *arg_tuple = NULL, *kwds = NULL, *order_str = NULL; - from_bytes = PyObject_GetAttrString((PyObject*)&PyLong_Type, "from_bytes"); - if (!from_bytes) return NULL; - py_bytes = PyBytes_FromStringAndSize((char*)bytes, sizeof(int)); - if (!py_bytes) goto limited_bad; - order_str = PyUnicode_FromString(little ? "little" : "big"); - if (!order_str) goto limited_bad; - arg_tuple = PyTuple_Pack(2, py_bytes, order_str); - if (!arg_tuple) goto limited_bad; - if (!is_unsigned) { - kwds = PyDict_New(); - if (!kwds) goto limited_bad; - if (PyDict_SetItemString(kwds, "signed", __Pyx_NewRef(Py_True))) goto limited_bad; - } - result = PyObject_Call(from_bytes, arg_tuple, kwds); - limited_bad: - Py_XDECREF(kwds); - Py_XDECREF(arg_tuple); - Py_XDECREF(order_str); - Py_XDECREF(py_bytes); - Py_XDECREF(from_bytes); - return result; -#endif - } -} - -/* CIntFromPy */ - static CYTHON_INLINE int __Pyx_PyInt_As_int(PyObject *x) { -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic push -#pragma GCC diagnostic ignored "-Wconversion" -#endif - const int neg_one = (int) -1, const_zero = (int) 0; -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic pop -#endif - const int is_unsigned = neg_one > const_zero; -#if PY_MAJOR_VERSION < 3 - if (likely(PyInt_Check(x))) { - if ((sizeof(int) < sizeof(long))) { - __PYX_VERIFY_RETURN_INT(int, long, PyInt_AS_LONG(x)) - } else { - long val = PyInt_AS_LONG(x); - if (is_unsigned && unlikely(val < 0)) { - goto raise_neg_overflow; - } - return (int) val; - } - } else -#endif - if (likely(PyLong_Check(x))) { - if (is_unsigned) { -#if CYTHON_USE_PYLONG_INTERNALS - if (unlikely(__Pyx_PyLong_IsNeg(x))) { - goto raise_neg_overflow; - } else if (__Pyx_PyLong_IsCompact(x)) { - __PYX_VERIFY_RETURN_INT(int, __Pyx_compact_upylong, __Pyx_PyLong_CompactValueUnsigned(x)) - } else { - const digit* digits = __Pyx_PyLong_Digits(x); - assert(__Pyx_PyLong_DigitCount(x) > 1); - switch (__Pyx_PyLong_DigitCount(x)) { - case 2: - if ((8 * sizeof(int) > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) >= 2 * PyLong_SHIFT)) { - return (int) (((((int)digits[1]) << PyLong_SHIFT) | (int)digits[0])); - } - } - break; - case 3: - if ((8 * sizeof(int) > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) >= 3 * PyLong_SHIFT)) { - return (int) (((((((int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0])); - } - } - break; - case 4: - if ((8 * sizeof(int) > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) >= 4 * PyLong_SHIFT)) { - return (int) (((((((((int)digits[3]) << PyLong_SHIFT) | (int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0])); - } - } - break; - } - } -#endif -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX < 0x030C00A7 - if (unlikely(Py_SIZE(x) < 0)) { - goto raise_neg_overflow; - } -#else - { - int result = PyObject_RichCompareBool(x, Py_False, Py_LT); - if (unlikely(result < 0)) - return (int) -1; - if (unlikely(result == 1)) - goto raise_neg_overflow; - } -#endif - if ((sizeof(int) <= sizeof(unsigned long))) { - __PYX_VERIFY_RETURN_INT_EXC(int, unsigned long, PyLong_AsUnsignedLong(x)) -#ifdef HAVE_LONG_LONG - } else if ((sizeof(int) <= sizeof(unsigned PY_LONG_LONG))) { - __PYX_VERIFY_RETURN_INT_EXC(int, unsigned PY_LONG_LONG, PyLong_AsUnsignedLongLong(x)) -#endif - } - } else { -#if CYTHON_USE_PYLONG_INTERNALS - if (__Pyx_PyLong_IsCompact(x)) { - __PYX_VERIFY_RETURN_INT(int, __Pyx_compact_pylong, __Pyx_PyLong_CompactValue(x)) - } else { - const digit* digits = __Pyx_PyLong_Digits(x); - assert(__Pyx_PyLong_DigitCount(x) > 1); - switch (__Pyx_PyLong_SignedDigitCount(x)) { - case -2: - if ((8 * sizeof(int) - 1 > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, long, -(long) (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 2 * PyLong_SHIFT)) { - return (int) (((int)-1)*(((((int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - case 2: - if ((8 * sizeof(int) > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 2 * PyLong_SHIFT)) { - return (int) ((((((int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - case -3: - if ((8 * sizeof(int) - 1 > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, long, -(long) (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 3 * PyLong_SHIFT)) { - return (int) (((int)-1)*(((((((int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - case 3: - if ((8 * sizeof(int) > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 3 * PyLong_SHIFT)) { - return (int) ((((((((int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - case -4: - if ((8 * sizeof(int) - 1 > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, long, -(long) (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 4 * PyLong_SHIFT)) { - return (int) (((int)-1)*(((((((((int)digits[3]) << PyLong_SHIFT) | (int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - case 4: - if ((8 * sizeof(int) > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(int, unsigned long, (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(int) - 1 > 4 * PyLong_SHIFT)) { - return (int) ((((((((((int)digits[3]) << PyLong_SHIFT) | (int)digits[2]) << PyLong_SHIFT) | (int)digits[1]) << PyLong_SHIFT) | (int)digits[0]))); - } - } - break; - } - } -#endif - if ((sizeof(int) <= sizeof(long))) { - __PYX_VERIFY_RETURN_INT_EXC(int, long, PyLong_AsLong(x)) -#ifdef HAVE_LONG_LONG - } else if ((sizeof(int) <= sizeof(PY_LONG_LONG))) { - __PYX_VERIFY_RETURN_INT_EXC(int, PY_LONG_LONG, PyLong_AsLongLong(x)) -#endif - } - } - { - int val; - PyObject *v = __Pyx_PyNumber_IntOrLong(x); -#if PY_MAJOR_VERSION < 3 - if (likely(v) && !PyLong_Check(v)) { - PyObject *tmp = v; - v = PyNumber_Long(tmp); - Py_DECREF(tmp); - } -#endif - if (likely(v)) { - int ret = -1; -#if PY_VERSION_HEX < 0x030d0000 && !(CYTHON_COMPILING_IN_PYPY || CYTHON_COMPILING_IN_LIMITED_API) || defined(_PyLong_AsByteArray) - int one = 1; int is_little = (int)*(unsigned char *)&one; - unsigned char *bytes = (unsigned char *)&val; - ret = _PyLong_AsByteArray((PyLongObject *)v, - bytes, sizeof(val), - is_little, !is_unsigned); -#else - PyObject *stepval = NULL, *mask = NULL, *shift = NULL; - int bits, remaining_bits, is_negative = 0; - long idigit; - int chunk_size = (sizeof(long) < 8) ? 30 : 62; - if (unlikely(!PyLong_CheckExact(v))) { - PyObject *tmp = v; - v = PyNumber_Long(v); - assert(PyLong_CheckExact(v)); - Py_DECREF(tmp); - if (unlikely(!v)) return (int) -1; - } -#if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - if (Py_SIZE(x) == 0) - return (int) 0; - is_negative = Py_SIZE(x) < 0; -#else - { - int result = PyObject_RichCompareBool(x, Py_False, Py_LT); - if (unlikely(result < 0)) - return (int) -1; - is_negative = result == 1; - } -#endif - if (is_unsigned && unlikely(is_negative)) { - goto raise_neg_overflow; - } else if (is_negative) { - stepval = PyNumber_Invert(v); - if (unlikely(!stepval)) - return (int) -1; - } else { - stepval = __Pyx_NewRef(v); - } - val = (int) 0; - mask = PyLong_FromLong((1L << chunk_size) - 1); if (unlikely(!mask)) goto done; - shift = PyLong_FromLong(chunk_size); if (unlikely(!shift)) goto done; - for (bits = 0; bits < (int) sizeof(int) * 8 - chunk_size; bits += chunk_size) { - PyObject *tmp, *digit; - digit = PyNumber_And(stepval, mask); - if (unlikely(!digit)) goto done; - idigit = PyLong_AsLong(digit); - Py_DECREF(digit); - if (unlikely(idigit < 0)) goto done; - tmp = PyNumber_Rshift(stepval, shift); - if (unlikely(!tmp)) goto done; - Py_DECREF(stepval); stepval = tmp; - val |= ((int) idigit) << bits; - #if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - if (Py_SIZE(stepval) == 0) - goto unpacking_done; - #endif - } - idigit = PyLong_AsLong(stepval); - if (unlikely(idigit < 0)) goto done; - remaining_bits = ((int) sizeof(int) * 8) - bits - (is_unsigned ? 0 : 1); - if (unlikely(idigit >= (1L << remaining_bits))) - goto raise_overflow; - val |= ((int) idigit) << bits; - #if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - unpacking_done: - #endif - if (!is_unsigned) { - if (unlikely(val & (((int) 1) << (sizeof(int) * 8 - 1)))) - goto raise_overflow; - if (is_negative) - val = ~val; - } - ret = 0; - done: - Py_XDECREF(shift); - Py_XDECREF(mask); - Py_XDECREF(stepval); -#endif - Py_DECREF(v); - if (likely(!ret)) - return val; - } - return (int) -1; - } - } else { - int val; - PyObject *tmp = __Pyx_PyNumber_IntOrLong(x); - if (!tmp) return (int) -1; - val = __Pyx_PyInt_As_int(tmp); - Py_DECREF(tmp); - return val; - } -raise_overflow: - PyErr_SetString(PyExc_OverflowError, - "value too large to convert to int"); - return (int) -1; -raise_neg_overflow: - PyErr_SetString(PyExc_OverflowError, - "can't convert negative value to int"); - return (int) -1; -} - -/* FormatTypeName */ - #if CYTHON_COMPILING_IN_LIMITED_API -static __Pyx_TypeName -__Pyx_PyType_GetName(PyTypeObject* tp) -{ - PyObject *name = __Pyx_PyObject_GetAttrStr((PyObject *)tp, - __pyx_n_s_name); - if (unlikely(name == NULL) || unlikely(!PyUnicode_Check(name))) { - PyErr_Clear(); - Py_XDECREF(name); - name = __Pyx_NewRef(__pyx_n_s__6); - } - return name; -} -#endif - -/* CIntToPy */ - static CYTHON_INLINE PyObject* __Pyx_PyInt_From_long(long value) { -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic push -#pragma GCC diagnostic ignored "-Wconversion" -#endif - const long neg_one = (long) -1, const_zero = (long) 0; -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic pop -#endif - const int is_unsigned = neg_one > const_zero; - if (is_unsigned) { - if (sizeof(long) < sizeof(long)) { - return PyInt_FromLong((long) value); - } else if (sizeof(long) <= sizeof(unsigned long)) { - return PyLong_FromUnsignedLong((unsigned long) value); -#ifdef HAVE_LONG_LONG - } else if (sizeof(long) <= sizeof(unsigned PY_LONG_LONG)) { - return PyLong_FromUnsignedLongLong((unsigned PY_LONG_LONG) value); -#endif - } - } else { - if (sizeof(long) <= sizeof(long)) { - return PyInt_FromLong((long) value); -#ifdef HAVE_LONG_LONG - } else if (sizeof(long) <= sizeof(PY_LONG_LONG)) { - return PyLong_FromLongLong((PY_LONG_LONG) value); -#endif - } - } - { - int one = 1; int little = (int)*(unsigned char *)&one; - unsigned char *bytes = (unsigned char *)&value; -#if !CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030d0000 - return _PyLong_FromByteArray(bytes, sizeof(long), - little, !is_unsigned); -#else - PyObject *from_bytes, *result = NULL; - PyObject *py_bytes = NULL, *arg_tuple = NULL, *kwds = NULL, *order_str = NULL; - from_bytes = PyObject_GetAttrString((PyObject*)&PyLong_Type, "from_bytes"); - if (!from_bytes) return NULL; - py_bytes = PyBytes_FromStringAndSize((char*)bytes, sizeof(long)); - if (!py_bytes) goto limited_bad; - order_str = PyUnicode_FromString(little ? "little" : "big"); - if (!order_str) goto limited_bad; - arg_tuple = PyTuple_Pack(2, py_bytes, order_str); - if (!arg_tuple) goto limited_bad; - if (!is_unsigned) { - kwds = PyDict_New(); - if (!kwds) goto limited_bad; - if (PyDict_SetItemString(kwds, "signed", __Pyx_NewRef(Py_True))) goto limited_bad; - } - result = PyObject_Call(from_bytes, arg_tuple, kwds); - limited_bad: - Py_XDECREF(kwds); - Py_XDECREF(arg_tuple); - Py_XDECREF(order_str); - Py_XDECREF(py_bytes); - Py_XDECREF(from_bytes); - return result; -#endif - } -} - -/* CIntFromPy */ - static CYTHON_INLINE long __Pyx_PyInt_As_long(PyObject *x) { -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic push -#pragma GCC diagnostic ignored "-Wconversion" -#endif - const long neg_one = (long) -1, const_zero = (long) 0; -#ifdef __Pyx_HAS_GCC_DIAGNOSTIC -#pragma GCC diagnostic pop -#endif - const int is_unsigned = neg_one > const_zero; -#if PY_MAJOR_VERSION < 3 - if (likely(PyInt_Check(x))) { - if ((sizeof(long) < sizeof(long))) { - __PYX_VERIFY_RETURN_INT(long, long, PyInt_AS_LONG(x)) - } else { - long val = PyInt_AS_LONG(x); - if (is_unsigned && unlikely(val < 0)) { - goto raise_neg_overflow; - } - return (long) val; - } - } else -#endif - if (likely(PyLong_Check(x))) { - if (is_unsigned) { -#if CYTHON_USE_PYLONG_INTERNALS - if (unlikely(__Pyx_PyLong_IsNeg(x))) { - goto raise_neg_overflow; - } else if (__Pyx_PyLong_IsCompact(x)) { - __PYX_VERIFY_RETURN_INT(long, __Pyx_compact_upylong, __Pyx_PyLong_CompactValueUnsigned(x)) - } else { - const digit* digits = __Pyx_PyLong_Digits(x); - assert(__Pyx_PyLong_DigitCount(x) > 1); - switch (__Pyx_PyLong_DigitCount(x)) { - case 2: - if ((8 * sizeof(long) > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) >= 2 * PyLong_SHIFT)) { - return (long) (((((long)digits[1]) << PyLong_SHIFT) | (long)digits[0])); - } - } - break; - case 3: - if ((8 * sizeof(long) > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) >= 3 * PyLong_SHIFT)) { - return (long) (((((((long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0])); - } - } - break; - case 4: - if ((8 * sizeof(long) > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) >= 4 * PyLong_SHIFT)) { - return (long) (((((((((long)digits[3]) << PyLong_SHIFT) | (long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0])); - } - } - break; - } - } -#endif -#if CYTHON_COMPILING_IN_CPYTHON && PY_VERSION_HEX < 0x030C00A7 - if (unlikely(Py_SIZE(x) < 0)) { - goto raise_neg_overflow; - } -#else - { - int result = PyObject_RichCompareBool(x, Py_False, Py_LT); - if (unlikely(result < 0)) - return (long) -1; - if (unlikely(result == 1)) - goto raise_neg_overflow; - } -#endif - if ((sizeof(long) <= sizeof(unsigned long))) { - __PYX_VERIFY_RETURN_INT_EXC(long, unsigned long, PyLong_AsUnsignedLong(x)) -#ifdef HAVE_LONG_LONG - } else if ((sizeof(long) <= sizeof(unsigned PY_LONG_LONG))) { - __PYX_VERIFY_RETURN_INT_EXC(long, unsigned PY_LONG_LONG, PyLong_AsUnsignedLongLong(x)) -#endif - } - } else { -#if CYTHON_USE_PYLONG_INTERNALS - if (__Pyx_PyLong_IsCompact(x)) { - __PYX_VERIFY_RETURN_INT(long, __Pyx_compact_pylong, __Pyx_PyLong_CompactValue(x)) - } else { - const digit* digits = __Pyx_PyLong_Digits(x); - assert(__Pyx_PyLong_DigitCount(x) > 1); - switch (__Pyx_PyLong_SignedDigitCount(x)) { - case -2: - if ((8 * sizeof(long) - 1 > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, long, -(long) (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 2 * PyLong_SHIFT)) { - return (long) (((long)-1)*(((((long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - case 2: - if ((8 * sizeof(long) > 1 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 2 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 2 * PyLong_SHIFT)) { - return (long) ((((((long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - case -3: - if ((8 * sizeof(long) - 1 > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, long, -(long) (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 3 * PyLong_SHIFT)) { - return (long) (((long)-1)*(((((((long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - case 3: - if ((8 * sizeof(long) > 2 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 3 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((((unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 3 * PyLong_SHIFT)) { - return (long) ((((((((long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - case -4: - if ((8 * sizeof(long) - 1 > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, long, -(long) (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 4 * PyLong_SHIFT)) { - return (long) (((long)-1)*(((((((((long)digits[3]) << PyLong_SHIFT) | (long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - case 4: - if ((8 * sizeof(long) > 3 * PyLong_SHIFT)) { - if ((8 * sizeof(unsigned long) > 4 * PyLong_SHIFT)) { - __PYX_VERIFY_RETURN_INT(long, unsigned long, (((((((((unsigned long)digits[3]) << PyLong_SHIFT) | (unsigned long)digits[2]) << PyLong_SHIFT) | (unsigned long)digits[1]) << PyLong_SHIFT) | (unsigned long)digits[0]))) - } else if ((8 * sizeof(long) - 1 > 4 * PyLong_SHIFT)) { - return (long) ((((((((((long)digits[3]) << PyLong_SHIFT) | (long)digits[2]) << PyLong_SHIFT) | (long)digits[1]) << PyLong_SHIFT) | (long)digits[0]))); - } - } - break; - } - } -#endif - if ((sizeof(long) <= sizeof(long))) { - __PYX_VERIFY_RETURN_INT_EXC(long, long, PyLong_AsLong(x)) -#ifdef HAVE_LONG_LONG - } else if ((sizeof(long) <= sizeof(PY_LONG_LONG))) { - __PYX_VERIFY_RETURN_INT_EXC(long, PY_LONG_LONG, PyLong_AsLongLong(x)) -#endif - } - } - { - long val; - PyObject *v = __Pyx_PyNumber_IntOrLong(x); -#if PY_MAJOR_VERSION < 3 - if (likely(v) && !PyLong_Check(v)) { - PyObject *tmp = v; - v = PyNumber_Long(tmp); - Py_DECREF(tmp); - } -#endif - if (likely(v)) { - int ret = -1; -#if PY_VERSION_HEX < 0x030d0000 && !(CYTHON_COMPILING_IN_PYPY || CYTHON_COMPILING_IN_LIMITED_API) || defined(_PyLong_AsByteArray) - int one = 1; int is_little = (int)*(unsigned char *)&one; - unsigned char *bytes = (unsigned char *)&val; - ret = _PyLong_AsByteArray((PyLongObject *)v, - bytes, sizeof(val), - is_little, !is_unsigned); -#else - PyObject *stepval = NULL, *mask = NULL, *shift = NULL; - int bits, remaining_bits, is_negative = 0; - long idigit; - int chunk_size = (sizeof(long) < 8) ? 30 : 62; - if (unlikely(!PyLong_CheckExact(v))) { - PyObject *tmp = v; - v = PyNumber_Long(v); - assert(PyLong_CheckExact(v)); - Py_DECREF(tmp); - if (unlikely(!v)) return (long) -1; - } -#if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - if (Py_SIZE(x) == 0) - return (long) 0; - is_negative = Py_SIZE(x) < 0; -#else - { - int result = PyObject_RichCompareBool(x, Py_False, Py_LT); - if (unlikely(result < 0)) - return (long) -1; - is_negative = result == 1; - } -#endif - if (is_unsigned && unlikely(is_negative)) { - goto raise_neg_overflow; - } else if (is_negative) { - stepval = PyNumber_Invert(v); - if (unlikely(!stepval)) - return (long) -1; - } else { - stepval = __Pyx_NewRef(v); - } - val = (long) 0; - mask = PyLong_FromLong((1L << chunk_size) - 1); if (unlikely(!mask)) goto done; - shift = PyLong_FromLong(chunk_size); if (unlikely(!shift)) goto done; - for (bits = 0; bits < (int) sizeof(long) * 8 - chunk_size; bits += chunk_size) { - PyObject *tmp, *digit; - digit = PyNumber_And(stepval, mask); - if (unlikely(!digit)) goto done; - idigit = PyLong_AsLong(digit); - Py_DECREF(digit); - if (unlikely(idigit < 0)) goto done; - tmp = PyNumber_Rshift(stepval, shift); - if (unlikely(!tmp)) goto done; - Py_DECREF(stepval); stepval = tmp; - val |= ((long) idigit) << bits; - #if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - if (Py_SIZE(stepval) == 0) - goto unpacking_done; - #endif - } - idigit = PyLong_AsLong(stepval); - if (unlikely(idigit < 0)) goto done; - remaining_bits = ((int) sizeof(long) * 8) - bits - (is_unsigned ? 0 : 1); - if (unlikely(idigit >= (1L << remaining_bits))) - goto raise_overflow; - val |= ((long) idigit) << bits; - #if CYTHON_COMPILING_IN_LIMITED_API && PY_VERSION_HEX < 0x030B0000 - unpacking_done: - #endif - if (!is_unsigned) { - if (unlikely(val & (((long) 1) << (sizeof(long) * 8 - 1)))) - goto raise_overflow; - if (is_negative) - val = ~val; - } - ret = 0; - done: - Py_XDECREF(shift); - Py_XDECREF(mask); - Py_XDECREF(stepval); -#endif - Py_DECREF(v); - if (likely(!ret)) - return val; - } - return (long) -1; - } - } else { - long val; - PyObject *tmp = __Pyx_PyNumber_IntOrLong(x); - if (!tmp) return (long) -1; - val = __Pyx_PyInt_As_long(tmp); - Py_DECREF(tmp); - return val; - } -raise_overflow: - PyErr_SetString(PyExc_OverflowError, - "value too large to convert to long"); - return (long) -1; -raise_neg_overflow: - PyErr_SetString(PyExc_OverflowError, - "can't convert negative value to long"); - return (long) -1; -} - -/* FastTypeChecks */ - #if CYTHON_COMPILING_IN_CPYTHON -static int __Pyx_InBases(PyTypeObject *a, PyTypeObject *b) { - while (a) { - a = __Pyx_PyType_GetSlot(a, tp_base, PyTypeObject*); - if (a == b) - return 1; - } - return b == &PyBaseObject_Type; -} -static CYTHON_INLINE int __Pyx_IsSubtype(PyTypeObject *a, PyTypeObject *b) { - PyObject *mro; - if (a == b) return 1; - mro = a->tp_mro; - if (likely(mro)) { - Py_ssize_t i, n; - n = PyTuple_GET_SIZE(mro); - for (i = 0; i < n; i++) { - if (PyTuple_GET_ITEM(mro, i) == (PyObject *)b) - return 1; - } - return 0; - } - return __Pyx_InBases(a, b); -} -static CYTHON_INLINE int __Pyx_IsAnySubtype2(PyTypeObject *cls, PyTypeObject *a, PyTypeObject *b) { - PyObject *mro; - if (cls == a || cls == b) return 1; - mro = cls->tp_mro; - if (likely(mro)) { - Py_ssize_t i, n; - n = PyTuple_GET_SIZE(mro); - for (i = 0; i < n; i++) { - PyObject *base = PyTuple_GET_ITEM(mro, i); - if (base == (PyObject *)a || base == (PyObject *)b) - return 1; - } - return 0; - } - return __Pyx_InBases(cls, a) || __Pyx_InBases(cls, b); -} -#if PY_MAJOR_VERSION == 2 -static int __Pyx_inner_PyErr_GivenExceptionMatches2(PyObject *err, PyObject* exc_type1, PyObject* exc_type2) { - PyObject *exception, *value, *tb; - int res; - __Pyx_PyThreadState_declare - __Pyx_PyThreadState_assign - __Pyx_ErrFetch(&exception, &value, &tb); - res = exc_type1 ? PyObject_IsSubclass(err, exc_type1) : 0; - if (unlikely(res == -1)) { - PyErr_WriteUnraisable(err); - res = 0; - } - if (!res) { - res = PyObject_IsSubclass(err, exc_type2); - if (unlikely(res == -1)) { - PyErr_WriteUnraisable(err); - res = 0; - } - } - __Pyx_ErrRestore(exception, value, tb); - return res; -} -#else -static CYTHON_INLINE int __Pyx_inner_PyErr_GivenExceptionMatches2(PyObject *err, PyObject* exc_type1, PyObject *exc_type2) { - if (exc_type1) { - return __Pyx_IsAnySubtype2((PyTypeObject*)err, (PyTypeObject*)exc_type1, (PyTypeObject*)exc_type2); - } else { - return __Pyx_IsSubtype((PyTypeObject*)err, (PyTypeObject*)exc_type2); - } -} -#endif -static int __Pyx_PyErr_GivenExceptionMatchesTuple(PyObject *exc_type, PyObject *tuple) { - Py_ssize_t i, n; - assert(PyExceptionClass_Check(exc_type)); - n = PyTuple_GET_SIZE(tuple); -#if PY_MAJOR_VERSION >= 3 - for (i=0; i= 0x030B00A4 - return Py_Version & ~0xFFUL; -#else - const char* rt_version = Py_GetVersion(); - unsigned long version = 0; - unsigned long factor = 0x01000000UL; - unsigned int digit = 0; - int i = 0; - while (factor) { - while ('0' <= rt_version[i] && rt_version[i] <= '9') { - digit = digit * 10 + (unsigned int) (rt_version[i] - '0'); - ++i; - } - version += factor * digit; - if (rt_version[i] != '.') - break; - digit = 0; - factor >>= 8; - ++i; - } - return version; -#endif -} -static int __Pyx_check_binary_version(unsigned long ct_version, unsigned long rt_version, int allow_newer) { - const unsigned long MAJOR_MINOR = 0xFFFF0000UL; - if ((rt_version & MAJOR_MINOR) == (ct_version & MAJOR_MINOR)) - return 0; - if (likely(allow_newer && (rt_version & MAJOR_MINOR) > (ct_version & MAJOR_MINOR))) - return 1; - { - char message[200]; - PyOS_snprintf(message, sizeof(message), - "compile time Python version %d.%d " - "of module '%.100s' " - "%s " - "runtime version %d.%d", - (int) (ct_version >> 24), (int) ((ct_version >> 16) & 0xFF), - __Pyx_MODULE_NAME, - (allow_newer) ? "was newer than" : "does not match", - (int) (rt_version >> 24), (int) ((rt_version >> 16) & 0xFF) - ); - return PyErr_WarnEx(NULL, message, 1); - } -} - -/* InitStrings */ - #if PY_MAJOR_VERSION >= 3 -static int __Pyx_InitString(__Pyx_StringTabEntry t, PyObject **str) { - if (t.is_unicode | t.is_str) { - if (t.intern) { - *str = PyUnicode_InternFromString(t.s); - } else if (t.encoding) { - *str = PyUnicode_Decode(t.s, t.n - 1, t.encoding, NULL); - } else { - *str = PyUnicode_FromStringAndSize(t.s, t.n - 1); - } - } else { - *str = PyBytes_FromStringAndSize(t.s, t.n - 1); - } - if (!*str) - return -1; - if (PyObject_Hash(*str) == -1) - return -1; - return 0; -} -#endif -static int __Pyx_InitStrings(__Pyx_StringTabEntry *t) { - while (t->p) { - #if PY_MAJOR_VERSION >= 3 - __Pyx_InitString(*t, t->p); - #else - if (t->is_unicode) { - *t->p = PyUnicode_DecodeUTF8(t->s, t->n - 1, NULL); - } else if (t->intern) { - *t->p = PyString_InternFromString(t->s); - } else { - *t->p = PyString_FromStringAndSize(t->s, t->n - 1); - } - if (!*t->p) - return -1; - if (PyObject_Hash(*t->p) == -1) - return -1; - #endif - ++t; - } - return 0; -} - -#include -static CYTHON_INLINE Py_ssize_t __Pyx_ssize_strlen(const char *s) { - size_t len = strlen(s); - if (unlikely(len > (size_t) PY_SSIZE_T_MAX)) { - PyErr_SetString(PyExc_OverflowError, "byte string is too long"); - return -1; - } - return (Py_ssize_t) len; -} -static CYTHON_INLINE PyObject* __Pyx_PyUnicode_FromString(const char* c_str) { - Py_ssize_t len = __Pyx_ssize_strlen(c_str); - if (unlikely(len < 0)) return NULL; - return __Pyx_PyUnicode_FromStringAndSize(c_str, len); -} -static CYTHON_INLINE PyObject* __Pyx_PyByteArray_FromString(const char* c_str) { - Py_ssize_t len = __Pyx_ssize_strlen(c_str); - if (unlikely(len < 0)) return NULL; - return PyByteArray_FromStringAndSize(c_str, len); -} -static CYTHON_INLINE const char* __Pyx_PyObject_AsString(PyObject* o) { - Py_ssize_t ignore; - return __Pyx_PyObject_AsStringAndSize(o, &ignore); -} -#if __PYX_DEFAULT_STRING_ENCODING_IS_ASCII || __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT -#if !CYTHON_PEP393_ENABLED -static const char* __Pyx_PyUnicode_AsStringAndSize(PyObject* o, Py_ssize_t *length) { - char* defenc_c; - PyObject* defenc = _PyUnicode_AsDefaultEncodedString(o, NULL); - if (!defenc) return NULL; - defenc_c = PyBytes_AS_STRING(defenc); -#if __PYX_DEFAULT_STRING_ENCODING_IS_ASCII - { - char* end = defenc_c + PyBytes_GET_SIZE(defenc); - char* c; - for (c = defenc_c; c < end; c++) { - if ((unsigned char) (*c) >= 128) { - PyUnicode_AsASCIIString(o); - return NULL; - } - } - } -#endif - *length = PyBytes_GET_SIZE(defenc); - return defenc_c; -} -#else -static CYTHON_INLINE const char* __Pyx_PyUnicode_AsStringAndSize(PyObject* o, Py_ssize_t *length) { - if (unlikely(__Pyx_PyUnicode_READY(o) == -1)) return NULL; -#if __PYX_DEFAULT_STRING_ENCODING_IS_ASCII - if (likely(PyUnicode_IS_ASCII(o))) { - *length = PyUnicode_GET_LENGTH(o); - return PyUnicode_AsUTF8(o); - } else { - PyUnicode_AsASCIIString(o); - return NULL; - } -#else - return PyUnicode_AsUTF8AndSize(o, length); -#endif -} -#endif -#endif -static CYTHON_INLINE const char* __Pyx_PyObject_AsStringAndSize(PyObject* o, Py_ssize_t *length) { -#if __PYX_DEFAULT_STRING_ENCODING_IS_ASCII || __PYX_DEFAULT_STRING_ENCODING_IS_DEFAULT - if ( -#if PY_MAJOR_VERSION < 3 && __PYX_DEFAULT_STRING_ENCODING_IS_ASCII - __Pyx_sys_getdefaultencoding_not_ascii && -#endif - PyUnicode_Check(o)) { - return __Pyx_PyUnicode_AsStringAndSize(o, length); - } else -#endif -#if (!CYTHON_COMPILING_IN_PYPY && !CYTHON_COMPILING_IN_LIMITED_API) || (defined(PyByteArray_AS_STRING) && defined(PyByteArray_GET_SIZE)) - if (PyByteArray_Check(o)) { - *length = PyByteArray_GET_SIZE(o); - return PyByteArray_AS_STRING(o); - } else -#endif - { - char* result; - int r = PyBytes_AsStringAndSize(o, &result, length); - if (unlikely(r < 0)) { - return NULL; - } else { - return result; - } - } -} -static CYTHON_INLINE int __Pyx_PyObject_IsTrue(PyObject* x) { - int is_true = x == Py_True; - if (is_true | (x == Py_False) | (x == Py_None)) return is_true; - else return PyObject_IsTrue(x); -} -static CYTHON_INLINE int __Pyx_PyObject_IsTrueAndDecref(PyObject* x) { - int retval; - if (unlikely(!x)) return -1; - retval = __Pyx_PyObject_IsTrue(x); - Py_DECREF(x); - return retval; -} -static PyObject* __Pyx_PyNumber_IntOrLongWrongResultType(PyObject* result, const char* type_name) { - __Pyx_TypeName result_type_name = __Pyx_PyType_GetName(Py_TYPE(result)); -#if PY_MAJOR_VERSION >= 3 - if (PyLong_Check(result)) { - if (PyErr_WarnFormat(PyExc_DeprecationWarning, 1, - "__int__ returned non-int (type " __Pyx_FMT_TYPENAME "). " - "The ability to return an instance of a strict subclass of int is deprecated, " - "and may be removed in a future version of Python.", - result_type_name)) { - __Pyx_DECREF_TypeName(result_type_name); - Py_DECREF(result); - return NULL; - } - __Pyx_DECREF_TypeName(result_type_name); - return result; - } -#endif - PyErr_Format(PyExc_TypeError, - "__%.4s__ returned non-%.4s (type " __Pyx_FMT_TYPENAME ")", - type_name, type_name, result_type_name); - __Pyx_DECREF_TypeName(result_type_name); - Py_DECREF(result); - return NULL; -} -static CYTHON_INLINE PyObject* __Pyx_PyNumber_IntOrLong(PyObject* x) { -#if CYTHON_USE_TYPE_SLOTS - PyNumberMethods *m; -#endif - const char *name = NULL; - PyObject *res = NULL; -#if PY_MAJOR_VERSION < 3 - if (likely(PyInt_Check(x) || PyLong_Check(x))) -#else - if (likely(PyLong_Check(x))) -#endif - return __Pyx_NewRef(x); -#if CYTHON_USE_TYPE_SLOTS - m = Py_TYPE(x)->tp_as_number; - #if PY_MAJOR_VERSION < 3 - if (m && m->nb_int) { - name = "int"; - res = m->nb_int(x); - } - else if (m && m->nb_long) { - name = "long"; - res = m->nb_long(x); - } - #else - if (likely(m && m->nb_int)) { - name = "int"; - res = m->nb_int(x); - } - #endif -#else - if (!PyBytes_CheckExact(x) && !PyUnicode_CheckExact(x)) { - res = PyNumber_Int(x); - } -#endif - if (likely(res)) { -#if PY_MAJOR_VERSION < 3 - if (unlikely(!PyInt_Check(res) && !PyLong_Check(res))) { -#else - if (unlikely(!PyLong_CheckExact(res))) { -#endif - return __Pyx_PyNumber_IntOrLongWrongResultType(res, name); - } - } - else if (!PyErr_Occurred()) { - PyErr_SetString(PyExc_TypeError, - "an integer is required"); - } - return res; -} -static CYTHON_INLINE Py_ssize_t __Pyx_PyIndex_AsSsize_t(PyObject* b) { - Py_ssize_t ival; - PyObject *x; -#if PY_MAJOR_VERSION < 3 - if (likely(PyInt_CheckExact(b))) { - if (sizeof(Py_ssize_t) >= sizeof(long)) - return PyInt_AS_LONG(b); - else - return PyInt_AsSsize_t(b); - } -#endif - if (likely(PyLong_CheckExact(b))) { - #if CYTHON_USE_PYLONG_INTERNALS - if (likely(__Pyx_PyLong_IsCompact(b))) { - return __Pyx_PyLong_CompactValue(b); - } else { - const digit* digits = __Pyx_PyLong_Digits(b); - const Py_ssize_t size = __Pyx_PyLong_SignedDigitCount(b); - switch (size) { - case 2: - if (8 * sizeof(Py_ssize_t) > 2 * PyLong_SHIFT) { - return (Py_ssize_t) (((((size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - case -2: - if (8 * sizeof(Py_ssize_t) > 2 * PyLong_SHIFT) { - return -(Py_ssize_t) (((((size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - case 3: - if (8 * sizeof(Py_ssize_t) > 3 * PyLong_SHIFT) { - return (Py_ssize_t) (((((((size_t)digits[2]) << PyLong_SHIFT) | (size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - case -3: - if (8 * sizeof(Py_ssize_t) > 3 * PyLong_SHIFT) { - return -(Py_ssize_t) (((((((size_t)digits[2]) << PyLong_SHIFT) | (size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - case 4: - if (8 * sizeof(Py_ssize_t) > 4 * PyLong_SHIFT) { - return (Py_ssize_t) (((((((((size_t)digits[3]) << PyLong_SHIFT) | (size_t)digits[2]) << PyLong_SHIFT) | (size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - case -4: - if (8 * sizeof(Py_ssize_t) > 4 * PyLong_SHIFT) { - return -(Py_ssize_t) (((((((((size_t)digits[3]) << PyLong_SHIFT) | (size_t)digits[2]) << PyLong_SHIFT) | (size_t)digits[1]) << PyLong_SHIFT) | (size_t)digits[0])); - } - break; - } - } - #endif - return PyLong_AsSsize_t(b); - } - x = PyNumber_Index(b); - if (!x) return -1; - ival = PyInt_AsSsize_t(x); - Py_DECREF(x); - return ival; -} -static CYTHON_INLINE Py_hash_t __Pyx_PyIndex_AsHash_t(PyObject* o) { - if (sizeof(Py_hash_t) == sizeof(Py_ssize_t)) { - return (Py_hash_t) __Pyx_PyIndex_AsSsize_t(o); -#if PY_MAJOR_VERSION < 3 - } else if (likely(PyInt_CheckExact(o))) { - return PyInt_AS_LONG(o); -#endif - } else { - Py_ssize_t ival; - PyObject *x; - x = PyNumber_Index(o); - if (!x) return -1; - ival = PyInt_AsLong(x); - Py_DECREF(x); - return ival; - } -} -static CYTHON_INLINE PyObject * __Pyx_PyBool_FromLong(long b) { - return b ? __Pyx_NewRef(Py_True) : __Pyx_NewRef(Py_False); -} -static CYTHON_INLINE PyObject * __Pyx_PyInt_FromSize_t(size_t ival) { - return PyInt_FromSize_t(ival); -} - - -/* #### Code section: utility_code_pragmas_end ### */ -#ifdef _MSC_VER -#pragma warning( pop ) -#endif - - - -/* #### Code section: end ### */ -#endif /* Py_PYTHON_H */ diff --git a/fast_grid/potential_old/lj_potential.cpython-310-x86_64-linux-gnu.so b/fast_grid/potential_old/lj_potential.cpython-310-x86_64-linux-gnu.so deleted file mode 100755 index 228aaf1..0000000 Binary files a/fast_grid/potential_old/lj_potential.cpython-310-x86_64-linux-gnu.so and /dev/null differ diff --git a/fast_grid/potential_old/lj_potential.pyx b/fast_grid/potential_old/lj_potential.pyx deleted file mode 100644 index 40fd5cf..0000000 --- a/fast_grid/potential_old/lj_potential.pyx +++ /dev/null @@ -1,97 +0,0 @@ -# cython: language_level=3 -# cython: boundscheck=False, wraparound=False, cdivision=True -import numpy as np - -import cython -cimport numpy as np -from cython.parallel import prange -from libc.math cimport round - -@cython.wraparound(False) -@cython.boundscheck(False) -@cython.cdivision(True) -def lj_potential_cython(np.ndarray[np.float64_t, ndim=2] pos1, - np.ndarray[np.float64_t, ndim=2] pos2, - np.ndarray[np.float64_t, ndim=2] cell_vectors, - np.ndarray[np.float64_t, ndim=2] inverse_cell, - np.ndarray[np.float64_t, ndim=1] epsilon, - np.ndarray[np.float64_t, ndim=1] sigma, - float cutoff, - np.ndarray[np.float64_t, ndim=1] energy_grid, - ): - - cdef int G = pos1.shape[0] # grid size - cdef int N = pos2.shape[0] # number of atoms - cdef int i, j = 0 - cdef float diff_x, diff_y, diff_z - cdef float diff_cell_basis_x, diff_cell_basis_y, diff_cell_basis_z - cdef float r2, lj6, lj12, inv_r2, inv_r6, inv_r12, e, s, s6, s12, energy - cdef float threshold = 1e-10 - cdef float cutoff_squared = cutoff * cutoff - - for i in prange(G, nogil=True): - energy = 0.0 - for j in range(N): - diff_x = pos1[i, 0] - pos2[j, 0] - diff_y = pos1[i, 1] - pos2[j, 1] - diff_z = pos1[i, 2] - pos2[j, 2] - - # Matrix multiplication with the inverse cell matrix - diff_cell_basis_x = ( - inverse_cell[0, 0] * diff_x - + inverse_cell[0, 1] * diff_y - + inverse_cell[0, 2] * diff_z - ) - diff_cell_basis_y = ( - inverse_cell[1, 0] * diff_x - + inverse_cell[1, 1] * diff_y - + inverse_cell[1, 2] * diff_z - ) - diff_cell_basis_z = ( - inverse_cell[2, 0] * diff_x - + inverse_cell[2, 1] * diff_y - + inverse_cell[2, 2] * diff_z - ) - - # Applying the minimum image convention - diff_cell_basis_x = diff_cell_basis_x - round(diff_cell_basis_x) - diff_cell_basis_y = diff_cell_basis_y - round(diff_cell_basis_y) - diff_cell_basis_z = diff_cell_basis_z - round(diff_cell_basis_z) - - # Transforming back to the original space - diff_x = ( - cell_vectors[0, 0] * diff_cell_basis_x - + cell_vectors[0, 1] * diff_cell_basis_y - + cell_vectors[0, 2] * diff_cell_basis_z - ) - diff_y = ( - cell_vectors[1, 0] * diff_cell_basis_x - + cell_vectors[1, 1] * diff_cell_basis_y - + cell_vectors[1, 2] * diff_cell_basis_z - ) - diff_z = ( - cell_vectors[2, 0] * diff_cell_basis_x - + cell_vectors[2, 1] * diff_cell_basis_y - + cell_vectors[2, 2] * diff_cell_basis_z - ) - - # Calculating the distance - r2 = diff_x * diff_x + diff_y * diff_y + diff_z * diff_z - - if r2 < cutoff_squared and r2 > threshold: - # Calculate LJ potential - e = epsilon[j] - s = sigma[j] - s6 = s * s * s * s * s * s - s12 = s6 * s6 - lj6 = 4 * e * s6 - lj12 = 4 * e * s12 - inv_r2 = 1.0 / r2 - inv_r6 = inv_r2 * inv_r2 * inv_r2 - inv_r12 = inv_r6 * inv_r6 - - energy += lj12 * inv_r12 - lj6 * inv_r6 - - energy_grid[i] += energy - - return energy_grid \ No newline at end of file diff --git a/fast_grid/visualize.py b/fast_grid/visualize.py index 1830999..15750d1 100644 --- a/fast_grid/visualize.py +++ b/fast_grid/visualize.py @@ -1,20 +1,79 @@ import numpy as np +from ase import Atoms +from ase.data.colors import jmol_colors + import plotly.graph_objects as go -from plotly.subplots import make_subplots def visualize_grid( pos_grid: np.array, - pos_atoms: np.array, + atoms: Atoms, calculated_grid: np.array, + dist_matrix: np.array = None, emax: float = 5000, emin: float = -5000, + pallete: str = "RdBu", ): + pos_atoms = atoms.get_positions() + cell_vectors = np.array(atoms.cell) # clip energy values for better visualization calculated_grid = np.clip(calculated_grid, emin, emax) + # Create a custom colorscale for energy values + if pallete == "transparent": + color = calculated_grid + colorscale = [ + [0.0, "rgba(0, 0, 255, 0)"], # Transparent for low values + [0.5, "rgba(0, 0, 255, 0)"], # Still transparent in the middle + [1.0, "rgba(0, 0, 255, 1.0)"], + ] + elif pallete == "atomic": + cloest_atom = np.argmin(dist_matrix, axis=1) # (G,) + cloest_atom_types = atoms.numbers[cloest_atom] # (G,) + rgb_atom_colors = jmol_colors[cloest_atom_types] * 255 # (G, 3) + calculated_grid[calculated_grid < 0.5] = 0 + rgba_atom_colors = np.concatenate( + [rgb_atom_colors, calculated_grid[:, None]], axis=1 + ) # (G, 4) + rgba_atom_colors = ["rgba" + str(tuple(color)) for color in rgba_atom_colors] + color = rgba_atom_colors + colorscale = None + else: + color = calculated_grid + colorscale = pallete + # Create figure with subplots - fig = make_subplots(rows=1, cols=1, specs=[[{"type": "scatter3d"}]]) + fig = go.Figure() + + # Add a plot for cell + a, b, c = cell_vectors + lines = [ + [[0, 0, 0], a], + [[0, 0, 0], b], + [[0, 0, 0], c], + [a, a + b], + [a, a + c], + [b, b + a], + [b, b + c], + [c, c + a], + [c, c + b], + [a + b, a + b + c], + [a + c, a + c + b], + [b + c, b + c + a], + ] + line_traces = [] + for line in lines: + x_values, y_values, z_values = zip(*line) + line_trace = go.Scatter3d( + x=x_values, + y=y_values, + z=z_values, + mode="lines", + line=dict(color="black", width=2), + showlegend=False, + ) + line_traces.append(line_trace) + fig.add_traces(line_traces) # Add a plot for energy grid points fig.add_trace( @@ -24,13 +83,14 @@ def visualize_grid( z=pos_grid[:, 2], mode="markers", hovertemplate=( - "Energy: %{marker.color:.2f}
Position: (%{x:.2f}, %{y:.2f}, %{z:.2f})" + "Energy: %{marker.color:.2f} " + "
Position: (%{x:.2f}, %{y:.2f}, %{z:.2f})" ), marker=dict( size=6, - color=calculated_grid, - colorscale="RdBu", - opacity=0.9, + color=color, + colorscale=colorscale, + opacity=0.3, colorbar=dict( thickness=20, title="Energy", @@ -40,8 +100,6 @@ def visualize_grid( ), showlegend=False, ), - row=1, - col=1, ) # Add a plot for atoms @@ -52,28 +110,27 @@ def visualize_grid( z=pos_atoms[:, 2], mode="markers", hovertemplate="Position: (%{x:.2f}, %{y:.2f}, %{z:.2f})", - marker=dict(size=6, color="rgba(0, 0, 0, 0.5)"), + marker=dict( + size=10, + color=[ + "rgb" + str(tuple(jmol_colors[atom] * 255)) + for atom in atoms.numbers + ], + ), showlegend=False, ), - row=1, - col=1, ) # update layout + # Customize the layout with a background theme + fig.update_layout( title="3D Scatter Plot of Grid Points", scene=dict( - xaxis_title="X-axis", - yaxis_title="Y-axis", - zaxis_title="Z-axis", - bgcolor="white", + bgcolor="rgba(0,0,0,0)", ), - scene_aspectmode="cube", # Maintain aspect ratio for better spatial understanding + paper_bgcolor="white", + plot_bgcolor="white", ) - # Add interactive features - fig.update_layout( - scene_camera=dict(eye=dict(x=1.5, y=1.5, z=1.5)) - ) # Adjust camera for initial view - fig.show() diff --git a/images/gaussian_example.png b/images/gaussian_example.png new file mode 100644 index 0000000..d759e29 Binary files /dev/null and b/images/gaussian_example.png differ diff --git a/images/irmof-1_gaussian.png b/images/irmof-1_gaussian.png deleted file mode 100644 index 2a76da6..0000000 Binary files a/images/irmof-1_gaussian.png and /dev/null differ diff --git a/images/irmof-1_lj.png b/images/irmof-1_lj.png deleted file mode 100644 index 59a755e..0000000 Binary files a/images/irmof-1_lj.png and /dev/null differ diff --git a/images/lj_example.png b/images/lj_example.png new file mode 100644 index 0000000..eb9de15 Binary files /dev/null and b/images/lj_example.png differ diff --git a/.github/workflows/build_wheels.yml b/scripts/workflows/build_wheels.yml similarity index 100% rename from .github/workflows/build_wheels.yml rename to scripts/workflows/build_wheels.yml diff --git a/tutorial.ipynb b/tutorial.ipynb index 6cb1611..fa358c3 100644 --- a/tutorial.ipynb +++ b/tutorial.ipynb @@ -2,7 +2,7 @@ "cells": [ { "cell_type": "code", - "execution_count": 3, + "execution_count": 6, "metadata": {}, "outputs": [ { @@ -19,195 +19,447 @@ "plotlyServerURL": "https://plot.ly" }, "data": [ + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 0, + 25.832 + ], + "y": [ + 0, + 0 + ], + "z": [ + 0, + 0 + ] + }, + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 0, + 0.4508305630879042 + ], + "y": [ + 0, + 25.8280656612799 + ], + "z": [ + 0, + 0 + ] + }, + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 0, + 0 + ], + "y": [ + 0, + 0 + ], + "z": [ + 0, + 25.832 + ] + }, + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 25.832, + 26.282830563087906 + ], + "y": [ + 0, + 25.8280656612799 + ], + "z": [ + 0, + 0 + ] + }, + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 25.832, + 25.832 + ], + "y": [ + 0, + 0 + ], + "z": [ + 0, + 25.832 + ] + }, + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 0.4508305630879042, + 26.282830563087906 + ], + "y": [ + 25.8280656612799, + 25.8280656612799 + ], + "z": [ + 0, + 0 + ] + }, + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 0.4508305630879042, + 0.4508305630879042 + ], + "y": [ + 25.8280656612799, + 25.8280656612799 + ], + "z": [ + 0, + 25.832 + ] + }, + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 0, + 25.832 + ], + "y": [ + 0, + 0 + ], + "z": [ + 25.832, + 25.832 + ] + }, + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 0, + 0.4508305630879042 + ], + "y": [ + 0, + 25.8280656612799 + ], + "z": [ + 25.832, + 25.832 + ] + }, + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 26.282830563087906, + 26.282830563087906 + ], + "y": [ + 25.8280656612799, + 25.8280656612799 + ], + "z": [ + 0, + 25.832 + ] + }, + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 25.832, + 26.282830563087906 + ], + "y": [ + 0, + 25.8280656612799 + ], + "z": [ + 25.832, + 25.832 + ] + }, + { + "line": { + "color": "black", + "width": 2 + }, + "mode": "lines", + "showlegend": false, + "type": "scatter3d", + "x": [ + 0.4508305630879042, + 26.282830563087906 + ], + "y": [ + 25.8280656612799, + 25.8280656612799 + ], + "z": [ + 25.832, + 25.832 + ] + }, { "hovertemplate": "Energy: %{marker.color:.2f}
Position: (%{x:.2f}, %{y:.2f}, %{z:.2f})", "marker": { "color": [ - -157.4351876211941, - -163.50392402024482, - -185.18602815427195, - -223.33394964109868, - -275.7397344218968, - -339.55730353151506, - -412.43987855223276, - -480.00806866892293, - -519.4262978874185, - -515.063004380925, - -466.4049568375787, - -394.7053159522427, - -321.2286109544232, - -263.9264154688981, - -228.16838779724122, - -215.45218835676738, - -228.16838779724137, - -263.92641546889797, - -321.22861095442335, - -394.705315952243, - -466.4049568375787, - -515.063004380925, - -519.4262978874184, - -480.0080686689228, - -412.43987855223224, - -339.55730353151495, - -275.73973442189674, - -223.3339496410983, - -185.18602815427172, - -163.50392402024482, - -163.50587693715178, - -171.9023405996938, - -195.46958852098328, - -236.06213311047415, - -296.9128735431327, - -374.2170313785876, - -463.59711473645126, - -548.4382673081656, - -598.4809071950303, - -593.006659721094, - -532.7817356457042, - -439.7910665073608, - -349.1234577771889, - -281.47315614163307, - -241.095557734448, - -228.1673264049672, - -241.095557734448, - -281.47315614163335, - -349.1234577771887, - -439.79106650736094, - -532.7817356457035, - -593.0066597210936, - -598.4809071950303, - -548.4382673081655, - -463.5971147364513, - -374.2170313785876, - -296.91287354313266, - -236.062133110474, - -195.46958852098317, - -171.90234059969384, - -184.84766018946718, - -195.38211765892132, - -226.32464515028627, - -282.213267141235, - -371.0419734060261, - -495.6843987970199, - -645.0198078283044, - -773.3750962793596, - -819.6587953232319, - -794.7793426294118, - -726.4203725262596, - -596.7555203747207, - -450.0601474582879, - -340.5517285334694, - -281.3865252625623, - -263.5919302140786, - -281.3865252625626, - -340.5517285334694, - -450.0601474582879, - -596.7555203747205, - -726.4203725262598, - -794.7793426294116, - -819.6587953232323, - -773.3750962793592, - -645.0198078283045, - -495.68439879702, - -371.04197340602616, - -282.2132671412351, - -226.3246451502863, - -195.38211765892137, - -223.3480186195252, - -236.07396653139966, - -282.1174506661046, - -371.65800395803376, - -528.2719003596965, - -751.7769060107544, - -903.0647763378724, - -328.7901741566009, - 1723.815633934411, - 2809.0089201355745, - 764.2964343109768, - -597.289163165632, - -625.0863157726064, - -449.7736722730337, - -349.0236765338485, - -321.04873902537406, - -349.0236765338485, - -449.7736722730338, - -625.0863157726061, - -597.289163165632, - 764.2964343109769, - 2809.0089201355736, - 1723.815633934411, - -328.79017415660104, - -903.0647763378721, - -751.7769060107549, - -528.2719003596968, - -371.6580039580333, - -282.11745066610473, - -236.0739665313997, - -275.75339762365763, - -296.6630684976227, - -370.41878695867587, - -528.2893665147859, - -799.2597860526183, - -1014.240727599156, - 1247.052753222568, - 5000, - 5000, - 5000, - 5000, - 5000, - -597.7502805836576, - -596.5427160596959, - -439.60503982982004, - -394.3299579052975, - -439.60503982982016, - -596.5427160596959, - -597.7502805836579, + -157.4351591926296, + -163.50389437824288, + -185.18598541034194, + -223.3339067078726, + -275.7396812456731, + -339.557236278446, + -412.43982342948516, + -480.00802258646837, + -519.4262424775662, + -515.0629627885014, + -466.40495094203146, + -394.7053115445987, + -321.2285954688269, + -263.92639274996793, + -228.1683555560992, + -215.452157402072, + -228.16833149133484, + -263.9263447410356, + -321.22852588027087, + -394.7051464282045, + -466.4048118276945, + -515.0629168240305, + -519.4262691278867, + -480.008076932221, + -412.43989707646637, + -339.55730495424973, + -275.7397259769012, + -223.33392685479683, + -185.18600131381262, + -163.5038891554902, + -163.50585675894018, + -171.90231953982726, + -195.46955593403715, + -236.0621045990299, + -296.9128389037999, + -374.2169850181677, + -463.5970881169038, + -548.4382529559566, + -598.4808775828117, + -593.0066416894052, + -532.7817554930137, + -439.7910826240566, + -349.123455969062, + -281.4731424955388, + -241.0955315816579, + -228.16730109128486, + -241.09550404524703, + -281.4730862036296, + -349.1233717074316, + -439.7908773439615, + -532.7815800864302, + -593.0065849501342, + -598.4809138342196, + -548.4383227902907, + -463.5971794509997, + -374.2170675163643, + -296.9128906052177, + -236.06212705697365, + -195.46957300577452, + -171.90231391478804, + -184.84762607036023, + -195.3820830799414, + -226.32459549912147, + -282.2132202836854, + -371.04190963970285, + -495.68429646812444, + -645.0197158720292, + -773.3750128433574, + -819.6587405383817, + -794.7793298126467, + -726.4203493375956, + -596.7554704497645, + -450.0600910427359, + -340.5516764285125, + -281.3864686848235, + -263.59187775630363, + -281.38642904842345, + -340.5515892816201, + -450.05995219192005, + -596.7551490741446, + -726.4201433793163, + -794.7792605316572, + -819.6587409570417, + -773.3751033141094, + -645.01986519491, + -495.6844322154264, + -371.04198751093395, + -282.2132506079123, + -226.3246165981619, + -195.38207576641705, + -223.3479611460434, + -236.07390984944357, + -282.11737199430274, + -371.6579291451163, + -528.271799550907, + -751.7767495141952, + -903.0646799134987, + -328.7901206497071, + 1723.8136913728026, + 2809.0057748160825, + 764.2958134503558, + -597.2892122362667, + -625.086265414455, + -449.7736042474208, + -349.02359728796245, + -321.04866517857056, + -349.02353256793975, + -449.77345349647106, + -625.0860859001233, + -597.2902227965375, + 764.2906688660813, + 2809.0044512501718, + 1723.817586525604, + -328.7886373752088, + -903.0646099617094, + -751.7769715078535, + -528.2719354424323, + -371.65797589361773, + -282.1174007876988, + -236.07389907344847, + -275.75332610647854, + -296.6629990479732, + -370.41868186244454, + -528.2892600888623, + -799.2596257985432, + -1014.2407092863302, + 1247.0511266277315, + 5000, + 5000, + 5000, + 5000, + 5000, + -597.7500766881407, + -596.5425997774262, + -439.60489924188016, + -394.32982436502226, + -439.6047957304592, + -596.5423825177908, + -597.7508920233455, 5000, 5000, 5000, 5000, 5000, - 1247.0527532225678, - -1014.2407275991559, - -799.2597860526189, - -528.2893665147863, - -370.41878695867564, - -296.6630684976231, - -339.67232819491414, - -373.8391616383626, - -495.6222259341573, - -751.3526086040298, - -1013.981499205746, - 873.2902148232566, + 1247.058859701798, + -1014.2405166977225, + -799.2598391301095, + -528.2893341997805, + -370.41872285346204, + -296.6629811007894, + -339.6722273912763, + -373.8390678741128, + -495.62208135975453, + -751.3524764723858, + -1013.9814430509081, + 873.2872094777453, 5000, 5000, 5000, 5000, 5000, 5000, - 758.900091536743, - -726.2360073661631, - -531.9685511947092, - -466.6268193378591, - -531.9685511947093, - -726.2360073661631, - 758.9000915367433, + 758.9005967410451, + -726.2359612072364, + -531.9684595916143, + -466.62673839020226, + -531.9683146634244, + -726.2357925205941, + 758.8930692131286, 5000, 5000, 5000, 5000, 5000, 5000, - 873.2902148232572, - -1013.981499205746, - -751.3526086040305, - -495.6222259341574, - -373.8391616383624, - -412.5526737599877, - -463.5364855248178, - -644.7427233437986, - -902.9628000628296, - 1245.9344225856462, + 873.2933897117488, + -1013.981496969931, + -751.3525814218269, + -495.6221370052974, + -373.8390369396297, + -412.5525572855417, + -463.5363852483535, + -644.742554756067, + -902.9626183876677, + 1245.9349778470153, 5000, 5000, 5000, @@ -215,13 +467,13 @@ 5000, 5000, 5000, - 2796.7997900740233, - -794.7707196322849, - -592.6119403798742, - -514.8720773312476, - -592.6119403798743, - -794.7707196322851, - 2796.7997900740233, + 2796.801925954177, + -794.7706116199599, + -592.6117840189329, + -514.8719349610556, + -592.6116132207289, + -794.7705601948169, + 2796.78452687097, 5000, 5000, 5000, @@ -229,14 +481,14 @@ 5000, 5000, 5000, - 1245.9344225856462, - -902.9628000628293, - -644.7427233437986, - -463.536485524818, - -479.64848937546924, - -548.1793335105697, - -772.7556237831627, - -329.653017976524, + 1245.93756284359, + -902.9627326402758, + -644.7426227475025, + -463.53633497857857, + -479.6483052786805, + -548.1791844987115, + -772.755409568622, + -329.65253685040653, 5000, 5000, 5000, @@ -245,13 +497,13 @@ 5000, 5000, 5000, - 1717.5689428159806, - -819.3801697477919, - -598.288694763051, - -519.2262007566509, - -598.2886947630512, - -819.3801697477918, - 1717.5689428159815, + 1717.5688925558136, + -819.3800678517974, + -598.2885281921849, + -519.2260507109415, + -598.2883573250457, + -819.3799380023818, + 1717.5563796968877, 5000, 5000, 5000, @@ -260,13 +512,13 @@ 5000, 5000, 5000, - -329.6530179765241, - -772.7556237831627, - -548.1793335105702, - -519.2262009195856, - -598.2886949285796, - -819.3801699101242, - 1717.5689426127599, + -329.6526282417144, + -772.7554807778537, + -548.1791112944717, + -519.2259604044623, + -598.2884977690752, + -819.3798974467244, + 1717.5696102060997, 5000, 5000, 5000, @@ -275,13 +527,13 @@ 5000, 5000, 5000, - -329.65301814633614, - -772.7556239381851, - -548.1793336462863, - -479.6484894613486, - -548.1793336462863, - -772.7556239381852, - -329.6530181463362, + -329.65282302149603, + -772.7555566378107, + -548.1792112686103, + -479.64838222230946, + -548.1790659086578, + -772.7552937121286, + -329.65599257405717, 5000, 5000, 5000, @@ -290,13 +542,13 @@ 5000, 5000, 5000, - 1717.56894261276, - -819.3801699101242, - -598.2886949285797, - -514.8720772365504, - -592.6119402636667, - -794.7707195160176, - 2796.799790182018, + 1717.5695340799332, + -819.3799610395175, + -598.288406767623, + -514.8718823789656, + -592.611792154221, + -794.7704902008405, + 2796.802012414749, 5000, 5000, 5000, @@ -304,15 +556,15 @@ 5000, 5000, 5000, - 1245.9344226215578, - -902.9628000412102, - -644.7427233207287, - -463.5364855063719, - -412.55267374179107, - -463.53648550637195, - -644.7427233207293, - -902.9628000412107, - 1245.9344226215578, + 1245.936392609389, + -902.9628101077301, + -644.7426683451728, + -463.53639669588097, + -412.5526019907657, + -463.5362907566441, + -644.7424163486727, + -902.96284174956, + 1245.9198129762374, 5000, 5000, 5000, @@ -320,343 +572,343 @@ 5000, 5000, 5000, - 2796.799790182018, - -794.7707195160177, - -592.611940263667, - -466.6268192734396, - -531.9685511210882, - -726.2360072405968, - 758.9000917122179, + 2796.801938266951, + -794.7705391558454, + -592.611696701414, + -466.62670325914166, + -531.9684901243966, + -726.2358962095736, + 758.9029156545365, 5000, 5000, 5000, 5000, 5000, 5000, - 873.2902149633946, - -1013.9814990949087, - -751.3526085177878, - -495.6222258580943, - -373.839161587714, - -339.6723281514247, - -373.8391615877137, - -495.6222258580944, - -751.352608517788, - -1013.9814990949089, - 873.2902149633941, + 873.2956094045836, + -1013.9814539021418, + -751.3527355700012, + -495.62225643438916, + -373.83913802709236, + -339.6723101195083, + -373.839069297223, + -495.62208760317185, + -751.3524515219283, + -1013.981573332405, + 873.2835105906073, 5000, 5000, 5000, 5000, 5000, 5000, - 758.9000917122179, - -726.2360072405965, - -531.9685511210887, - -394.32995845850905, - -439.6050404074078, - -596.5427167455588, - -597.7502814283984, + 758.9028595694973, + -726.2359293818923, + -531.9684055099256, + -394.3297738583743, + -439.6048807525428, + -596.5424911848057, + -597.7500385589285, 5000, 5000, 5000, 5000, 5000, - 1247.0527522817413, - -1014.2407283161888, - -799.2597866123638, - -528.2893669293223, - -370.4187872616651, - -296.6630687327165, - -275.7533978457346, - -296.6630687327169, - -370.418787261665, - -528.2893669293225, - -799.2597866123642, - -1014.2407283161887, - 1247.0527522817404, - 5000, - 5000, - 5000, - 5000, - 5000, - -597.7502814283988, - -596.5427167455591, - -439.6050404074079, - -321.0487384530634, - -349.02367594382855, - -449.77367171272266, - -625.0863152603259, - -597.2891627125211, - 764.296434720671, - 2809.008920485173, - 1723.8156342562756, - -328.7901739111951, - -903.0647761735547, - -751.7769058549364, - -528.271900238285, - -371.65800381845844, - -282.1174505253732, - -236.07396639796744, - -223.3480184972302, - -236.0739663979674, - -282.11745052537304, - -371.6580038184583, - -528.2719002382852, - -751.7769058549367, - -903.0647761735544, - -328.79017391119515, - 1723.8156342562747, - 2809.008920485172, - 764.296434720671, - -597.2891627125204, - -625.0863152603263, - -449.77367171272266, - -349.0236759438285, - -263.59193019348163, - -281.38652518161615, - -340.55172824015034, - -450.0601468170482, - -596.7555193063022, - -726.4203710951394, - -794.779341082629, - -819.6587939465736, - -773.3750952527637, - -645.0198071622663, - -495.6843983772156, - -371.0419731252613, - -282.2132669181919, - -226.32464497131727, - -195.38211749083308, - -184.8476600239083, - -195.3821174908329, - -226.32464497131716, - -282.213266918192, - -371.04197312526134, - -495.6843983772156, - -645.0198071622664, - -773.3750952527636, - -819.6587939465733, - -794.7793410826287, - -726.4203710951389, - -596.7555193063021, - -450.0601468170483, - -340.55172824015034, - -281.3865251816162, - -228.167327235888, - -241.09555861367122, - -281.47315711155625, - -349.1234589302836, - -439.7910678904055, - -532.781737072408, - -593.0066606719164, - -598.4809072406802, - -548.4382664059151, - -463.5971132954158, - -374.2170298659932, - -296.9128722896295, - -236.06213220653956, - -195.46958795469115, - -171.90234024121102, - -163.50587665844654, - -171.90234024121108, - -195.46958795469146, - -236.06213220653947, - -296.91287228962943, - -374.21702986599325, - -463.5971132954158, - -548.4382664059146, - -598.4809072406805, - -593.0066606719165, - -532.781737072408, - -439.79106789040577, - -349.1234589302834, - -281.47315711155653, - -241.09555861367113, - -215.45218661872272, - -228.16838642833446, - -263.9264151876132, - -321.2286125121999, - -394.70532003805624, - -466.4049636054993, - -515.0630130408625, - -519.4263068614545, - -480.0080763983717, - -412.43988411093875, - -339.55730695474364, - -275.7397362868531, - -223.33395050856578, - -185.18602851920696, - -163.5039241293218, - -157.43518763440687, - -163.50392412932183, - -185.18602851920699, - -223.3339505085659, - -275.73973628685314, - -339.5573069547434, - -412.4398841109388, - -480.0080763983717, - -519.4263068614546, - -515.0630130408623, - -466.40496360549946, - -394.7053200380561, - -321.22861251220036, - -263.9264151876129, - -228.16838642833457, - -228.16732723588802, - -241.09555861367127, - -281.4731571115564, - -349.1234589302834, - -439.7910678904056, - -532.7817370724079, - -593.0066606719164, - -598.4809072406803, - -548.4382664059151, - -463.5971132954158, - -374.2170298659932, - -296.9128722896295, - -236.06213220653956, - -195.46958795469112, - -171.902340241211, - -163.5058766584465, - -171.90234024121114, - -195.46958795469146, - -236.06213220653945, - -296.9128722896294, - -374.2170298659932, - -463.59711329541585, - -548.4382664059148, - -598.4809072406806, - -593.0066606719165, - -532.781737072408, - -439.7910678904057, - -349.1234589302833, - -281.47315711155653, - -241.09555861367113, - -263.5919301934817, - -281.38652518161615, - -340.55172824015045, - -450.06014681704823, - -596.7555193063024, - -726.4203710951393, - -794.779341082629, - -819.6587939465737, - -773.3750952527637, - -645.0198071622663, - -495.6843983772155, - -371.04197312526117, - -282.2132669181919, - -226.32464497131724, - -195.38211749083305, - -184.84766002390833, - -195.3821174908329, - -226.32464497131716, - -282.2132669181919, - -371.04197312526134, - -495.68439837721564, - -645.0198071622664, - -773.3750952527636, - -819.6587939465734, - -794.7793410826288, - -726.4203710951388, - -596.7555193063022, - -450.0601468170483, - -340.5517282401504, - -281.38652518161626, - -321.0487384530635, - -349.0236759438285, - -449.7736717127227, - -625.086315260326, - -597.2891627125213, - 764.2964347206712, - 2809.0089204851724, - 1723.8156342562752, - -328.7901739111952, - -903.0647761735546, - -751.7769058549363, - -528.271900238285, - -371.65800381845844, - -282.11745052537316, - -236.0739663979674, - -223.34801849723027, - -236.07396639796747, - -282.117450525373, - -371.6580038184584, - -528.2719002382852, - -751.7769058549367, - -903.0647761735543, - -328.79017391119515, - 1723.8156342562752, - 2809.0089204851715, - 764.2964347206708, - -597.2891627125206, - -625.0863152603263, - -449.77367171272266, - -349.0236759438285, - -394.32995845850905, - -439.6050404074078, - -596.542716745559, - -597.750281428398, - 5000, - 5000, - 5000, - 5000, - 5000, - 1247.0527522817413, - -1014.2407283161887, - -799.2597866123638, - -528.2893669293223, - -370.4187872616652, - -296.6630687327164, - -275.7533978457346, - -296.66306873271685, - -370.41878726166493, - -528.2893669293223, - -799.2597866123642, - -1014.2407283161888, - 1247.0527522817406, + 1247.0515389188058, + -1014.2405809107479, + -799.2597085475442, + -528.2892642835036, + -370.41869575333584, + -296.66297603617005, + -275.75331845660355, + -296.66293412411505, + -370.41859770769355, + -528.2890828625347, + -799.2591036350809, + -1014.2407798911886, + 1247.0436025399554, + 5000, + 5000, + 5000, + 5000, + 5000, + -597.7500715102879, + -596.5425126072528, + -439.6048177119983, + -321.04864017841254, + -349.0235965775513, + -449.7735599701917, + -625.0862203174418, + -597.2890544975592, + 764.2962584054571, + 2809.009217521284, + 1723.8156723600407, + -328.7896988509805, + -903.0646871635407, + -751.7769372267586, + -528.2719171703236, + -371.65797976624236, + -282.1174169046682, + -236.07392368211876, + -223.3479831970289, + -236.07389784499105, + -282.1173611341968, + -371.6578823131414, + -528.2715564047481, + -751.7765048252015, + -903.0647097911361, + -328.7911742550042, + 1723.8143487549885, + 2809.0096165160276, + 764.2975073530605, + -597.2889615316749, + -625.0862388220169, + -449.7735742228522, + -349.0235549394766, + -263.5918416290183, + -281.386447455923, + -340.55162853136653, + -450.0600642846429, + -596.7554186142796, + -726.4202544385422, + -794.7792276602364, + -819.658699535952, + -773.3750687212122, + -645.0197995446476, + -495.6844361196512, + -371.04198518270863, + -282.2132474901235, + -226.32461489923557, + -195.38207858873403, + -184.84762622753533, + -195.38206154072392, + -226.32458046437634, + -282.21319227195636, + -371.04178814636776, + -495.6841812500087, + -645.0196226734786, + -773.374967488375, + -819.6587115739387, + -794.7792723633507, + -726.4203227613328, + -596.755477677619, + -450.06007612828876, + -340.55163913514457, + -281.3864202607003, + -228.16725653706686, + -241.09549181127997, + -281.4730642385252, + -349.1233581507913, + -439.79092944438753, + -532.7815635783975, + -593.0064819951922, + -598.4807307060917, + -548.4381345751216, + -463.5970083780542, + -374.2169821616285, + -296.9128349087588, + -236.06209238957382, + -195.46955070042085, + -171.90230090893624, + -163.50584306593353, + -171.902287868826, + -195.46952592494918, + -236.0620547878764, + -296.91270814512956, + -374.2168265646071, + -463.5969007127648, + -548.4380564061536, + -598.4807237797031, + -593.006512909866, + -532.7816165160058, + -439.79096839796057, + -349.12336769004463, + -281.47307330702614, + -241.09547198982474, + -215.45214169398827, + -228.16834542250254, + -263.92635480752426, + -321.2285539592714, + -394.70524525429335, + -466.40487732566265, + -515.0629309318696, + -519.4262256543961, + -480.00801856690595, + -412.43983153036925, + -339.5572861346098, + -275.73971396125, + -223.33392061534366, + -185.18599846768387, + -163.5038910639301, + -157.43515936526842, + -163.5038791475037, + -185.18597633469244, + -223.333887657373, + -275.739605556038, + -339.5571562460961, + -412.4397438961014, + -480.00795689263094, + -519.4262203216091, + -515.0629560758155, + -466.4049196887065, + -394.7052779486199, + -321.2285630616841, + -263.92636331036385, + -228.16832772866027, + -228.16726447124373, + -241.09549958982578, + -281.4730706044249, + -349.12336373529206, + -439.790936016326, + -532.7815710377472, + -593.0064881357607, + -598.4807333545061, + -548.4381323650003, + -463.59700030827884, + -374.2169701464879, + -296.912823101272, + -236.0620828992895, + -195.46954366743105, + -171.90229578758243, + -163.50583842570347, + -171.90228274747372, + -195.46951889196217, + -236.06204529759603, + -296.91269633764915, + -374.21681454946844, + -463.59689264298726, + -548.4380541960272, + -598.4807264281121, + -593.0065190504296, + -532.78162397535, + -439.79097496989584, + -349.12337327454276, + -281.47307967292426, + -241.09547976836998, + -263.59189417600606, + -281.38650278207496, + -340.55169495594777, + -450.060154344949, + -596.7555354604235, + -726.4203504374105, + -794.7792235837196, + -819.6586667391471, + -773.3751139064192, + -645.0198693897561, + -495.6844804228371, + -371.04200687400396, + -282.2132588069216, + -226.32462250365086, + -195.38208498906872, + -184.84763244775928, + -195.38206794105952, + -226.32458806879373, + -282.2132035887576, + -371.0418098376474, + -495.684225553161, + -645.0196925185874, + -773.3750126736646, + -819.6586787771594, + -794.779268286767, + -726.4204187601465, + -596.7555945237542, + -450.0601661885872, + -340.55170555972205, + -281.3864755868438, + -321.04867205158587, + -349.02362654137704, + -449.77358535460036, + -625.086243220391, + -597.2891182635867, + 764.2962896702402, + 2809.012632026637, + 1723.8217566809963, + -328.78728926907155, + -903.0642904502076, + -751.7768577662738, + -528.2718673392303, + -371.65794388596566, + -282.1173929383306, + -236.07390711011448, + -223.3479688531232, + -236.07388127299222, + -282.1173371678722, + -371.6578464328878, + -528.271506573705, + -751.7764253648703, + -903.0643130786967, + -328.78876467701474, + 1723.820433074963, + 2809.0130310244044, + 764.2975386183797, + -597.2890252976997, + -625.0862617249459, + -449.7735996072512, + -349.0235849032982, + -394.3297727094096, + -439.6048777850721, + -596.5424831024089, + -597.7502410309353, + 5000, + 5000, + 5000, + 5000, + 5000, + 1247.0554079168849, + -1014.240351894931, + -799.2596174097904, + -528.2892077386338, + -370.418663754646, + -296.6629564659866, + -275.7533026433023, + -296.66291455394054, + -370.4185657090262, + -528.2890263177092, + -799.2590124974203, + -1014.2405508760372, + 1247.0474715256696, 5000, 5000, 5000, 5000, 5000, - -597.7502814283987, - -596.5427167455593, - -439.6050404074079, - -466.6268192734395, - -531.9685511210882, - -726.2360072405967, - 758.9000917122175, + -597.7502739822655, + -596.5425045248409, + -439.6048147445231, + -466.62655223010034, + -531.968302731143, + -726.2356630940152, + 758.8979636066964, 5000, 5000, 5000, 5000, 5000, 5000, - 873.290214963394, - -1013.9814990949087, - -751.3526085177878, - -495.62222585809434, - -373.839161587714, - -339.6723281514247, - -373.8391615877137, - -495.62222585809445, - -751.352608517788, - -1013.9814990949087, - 873.290214963394, + 873.2856787933819, + -1013.9814093828272, + -751.3522075629525, + -495.62193456098885, + -373.8389263134628, + -339.672127362674, + -373.83885758365926, + -495.6217657299454, + -751.3519235150491, + -1013.9815288084997, + 873.2735800354994, 5000, 5000, 5000, 5000, 5000, 5000, - 758.900091712218, - -726.2360072405965, - -531.9685511210885, - -514.8720772365504, - -592.6119402636667, - -794.7707195160175, - 2796.799790182017, + 758.8979075217235, + -726.2356962662955, + -531.9682181167062, + -514.8718810877634, + -592.6117703666814, + -794.7704485247449, + 2796.7986552187813, 5000, 5000, 5000, @@ -664,15 +916,15 @@ 5000, 5000, 5000, - 1245.934422621558, - -902.9628000412101, - -644.7427233207287, - -463.5364855063719, - -412.55267374179107, - -463.5364855063719, - -644.7427233207293, - -902.9628000412107, - 1245.9344226215576, + 1245.9272812435017, + -902.9627283862422, + -644.7424076214996, + -463.53624203422817, + -412.5524775644917, + -463.5361360950636, + -644.7421556251447, + -902.9627600267967, + 1245.9107016748387, 5000, 5000, 5000, @@ -680,13 +932,13 @@ 5000, 5000, 5000, - 2796.7997901820186, - -794.7707195160178, - -592.6119402636667, - -519.2262009195857, - -598.2886949285795, - -819.3801699101242, - 1717.5689426127597, + 2796.7985810710056, + -794.7704974797066, + -592.6116749138831, + -519.2259981484281, + -598.2885145364943, + -819.3799335628433, + 1717.5646218673958, 5000, 5000, 5000, @@ -695,13 +947,13 @@ 5000, 5000, 5000, - -329.65301814633614, - -772.755623938185, - -548.1793336462862, - -479.6484894613487, - -548.1793336462863, - -772.7556239381852, - -329.65301814633625, + -329.652633435494, + -772.755507252025, + -548.1791832076782, + -479.64835804183184, + -548.1790378477439, + -772.7552443264058, + -329.65580298860425, 5000, 5000, 5000, @@ -710,13 +962,13 @@ 5000, 5000, 5000, - 1717.56894261276, - -819.3801699101242, - -598.2886949285797, - -479.64848937546924, - -548.1793335105697, - -772.7556237831627, - -329.65301797652404, + 1717.5645457412459, + -819.3799971556094, + -598.2884235350538, + -479.64829988134113, + -548.1791519132227, + -772.7553451433306, + -329.65514183598043, 5000, 5000, 5000, @@ -725,13 +977,13 @@ 5000, 5000, 5000, - 1717.5689428159808, - -819.3801697477918, - -598.288694763051, - -519.2262007566509, - -598.2886947630512, - -819.3801697477919, - 1717.5689428159812, + 1717.5672685450966, + -819.3799995231403, + -598.2884761463667, + -519.2260100233696, + -598.2883052792537, + -819.379869673651, + 1717.5547556941463, 5000, 5000, 5000, @@ -740,14 +992,14 @@ 5000, 5000, 5000, - -329.65301797652404, - -772.7556237831627, - -548.1793335105701, - -412.5526737599877, - -463.53648552481775, - -644.7427233437986, - -902.9628000628295, - 1245.9344225856457, + -329.65523322728063, + -772.7554163525435, + -548.1790787090086, + -412.55256083840334, + -463.53637604969987, + -644.7425137771979, + -902.9629403857107, + 1245.9255573952175, 5000, 5000, 5000, @@ -755,13 +1007,13 @@ 5000, 5000, 5000, - 2796.7997900740243, - -794.7707196322849, - -592.6119403798743, - -514.8720773312476, - -592.6119403798743, - -794.7707196322851, - 2796.7997900740233, + 2796.797624118155, + -794.77064918679, + -592.6117806670566, + -514.8719360534178, + -592.6116098688719, + -794.7705977614104, + 2796.780225055877, 5000, 5000, 5000, @@ -769,345 +1021,345 @@ 5000, 5000, 5000, - 1245.9344225856462, - -902.9628000628293, - -644.7427233437988, - -463.536485524818, - -339.67232819491414, - -373.83916163836267, - -495.6222259341574, - -751.3526086040298, - -1013.981499205746, - 873.2902148232567, + 1245.9281423846548, + -902.9630546382834, + -644.7425817686235, + -463.53632577993704, + -339.67223931381795, + -373.83907735316234, + -495.6220833799647, + -751.3524907815047, + -1013.9817060181739, + 873.2863492726597, 5000, 5000, 5000, 5000, 5000, 5000, - 758.9000915367429, - -726.2360073661633, - -531.9685511947093, - -466.6268193378591, - -531.9685511947092, - -726.2360073661632, - 758.9000915367434, + 758.901750180045, + -726.235963132181, + -531.9684515706962, + -466.6267216176936, + -531.9683066424943, + -726.2357944456027, + 758.894222646649, 5000, 5000, 5000, 5000, 5000, 5000, - 873.290214823257, - -1013.9814992057459, - -751.3526086040305, - -495.62222593415737, - -373.8391616383623, - -275.75339762365775, - -296.6630684976227, - -370.4187869586757, - -528.289366514786, - -799.2597860526184, - -1014.2407275991561, - 1247.052753222568, + 873.2925295097131, + -1013.9817599372165, + -751.3525957309471, + -495.6221390255109, + -373.8390464186851, + -275.7533541790972, + -296.66303105724256, + -370.4187296427013, + -528.2893504282542, + -799.259798564028, + -1014.240649328368, + 1247.0572157682202, 5000, 5000, 5000, 5000, 5000, - -597.7502805836579, - -596.5427160596959, - -439.60503982982, - -394.3299579052975, - -439.6050398298201, - -596.5427160596961, - -597.7502805836582, - 5000, - 5000, - 5000, - 5000, - 5000, - 1247.052753222568, - -1014.2407275991562, - -799.2597860526187, - -528.2893665147863, - -370.4187869586756, - -296.66306849762304, - -223.34801861952525, - -236.07396653139975, - -282.1174506661047, - -371.6580039580338, - -528.2719003596966, - -751.7769060107544, - -903.0647763378723, - -328.7901741566008, - 1723.815633934411, - 2809.008920135575, - 764.2964343109768, - -597.2891631656319, - -625.0863157726064, - -449.7736722730337, - -349.0236765338486, - -321.04873902537406, - -349.02367653384846, - -449.7736722730337, - -625.0863157726062, - -597.289163165632, - 764.2964343109769, - 2809.0089201355745, - 1723.815633934411, - -328.79017415660104, - -903.0647763378721, - -751.7769060107548, - -528.2719003596968, - -371.65800395803325, - -282.1174506661048, - -236.07396653139963, - -184.84766018946723, - -195.3821176589213, - -226.3246451502863, - -282.21326714123506, - -371.0419734060262, - -495.68439879701987, - -645.0198078283044, - -773.3750962793599, - -819.658795323232, - -794.7793426294118, - -726.4203725262597, - -596.7555203747207, - -450.06014745828776, - -340.55172853346943, - -281.38652526256243, - -263.5919302140786, - -281.3865252625626, - -340.5517285334693, - -450.0601474582879, - -596.7555203747206, - -726.4203725262595, - -794.7793426294115, - -819.6587953232323, - -773.3750962793592, - -645.0198078283045, - -495.68439879702, - -371.04197340602616, - -282.213267141235, - -226.32464515028627, - -195.38211765892146, - -163.50587693715178, - -171.90234059969376, - -195.46958852098328, - -236.06213311047415, - -296.91287354313266, - -374.2170313785876, - -463.5971147364512, - -548.4382673081656, - -598.4809071950305, - -593.0066597210941, - -532.7817356457041, - -439.79106650736077, - -349.12345777718895, - -281.4731561416331, - -241.09555773444794, - -228.16732640496716, - -241.095557734448, - -281.47315614163335, - -349.1234577771888, - -439.791066507361, - -532.7817356457035, - -593.006659721094, - -598.4809071950302, - -548.4382673081653, - -463.59711473645126, - -374.21703137858765, - -296.91287354313266, - -236.06213311047406, - -195.4695885209832, - -171.90234059969384, - -163.50587658027743, - -171.9023399850684, - -195.4695874254793, - -236.06213093493454, - -296.9128693275408, - -374.2170239297123, - -463.5971034431748, - -548.4382528604089, - -598.4808918448704, - -593.0066456942864, - -532.7817243725426, - -439.79105811416724, - -349.12345134289046, - -281.4731506199479, - -241.09555241402086, - -228.16732127225222, - -241.09555241402086, - -281.473150619948, - -349.1234513428903, - -439.79105811416713, - -532.7817243725423, - -593.0066456942862, - -598.4808918448703, - -548.4382528604086, - -463.5971034431745, - -374.21702392971207, - -296.91286932754065, - -236.0621309349345, - -195.4695874254794, - -171.90233998506832, - -171.34003018886915, - -179.17804988892505, - -204.63573724690463, - -250.93582891814242, - -318.50517478166506, - -407.0038746686679, - -512.4273009621982, - -612.2788128878216, - -672.7497276524247, - -666.237976446647, - -593.5088737239118, - -484.40449525186716, - -378.0155013678722, - -299.6001269098268, - -254.74040921085805, - -240.1576213824977, - -254.74040921085805, - -299.6001269098267, - -378.0155013678722, - -484.4044952518673, - -593.5088737239118, - -666.2379764466469, - -672.7497276524247, - -612.2788128878218, - -512.4273009621979, - -407.00387466866823, - -318.505174781665, - -250.93582891814214, - -204.6357372469045, - -179.17804988892513, - -194.47897368870065, - -204.17222328924572, - -236.55863799905816, - -296.5819723310325, - -389.86096754552943, - -524.4495243794414, - -686.1179215957633, - -827.6149200150929, - -882.5789958961159, - -849.0048323248519, - -770.2462948752002, - -632.6043203945749, - -475.7615499989493, - -360.335100019445, - -298.4298572204248, - -279.9515553446044, - -298.42985722042465, - -360.33510001944506, - -475.7615499989494, - -632.6043203945749, - -770.2462948752005, - -849.004832324852, - -882.5789958961157, - -827.6149200150933, - -686.1179215957627, - -524.4495243794413, - -389.8609675455294, - -296.58197233103243, - -236.5586379990581, - -204.17222328924592, - -234.47503609641433, - -249.5617220927073, - -295.6048760712105, - -386.46619186828747, - -544.3087124085054, - -771.8460036461045, - -944.5605085793941, - -437.29696144009563, - 1825.5076472327985, - 3864.3249241626863, - 1377.9235298212561, - -545.6360356551199, - -643.4526540957521, - -473.9502238377199, - -375.1159454706139, - -346.2460092711887, - -375.11594547061435, - -473.95022383772, - -643.4526540957523, - -545.6360356551202, - 1377.9235298212554, - 3864.3249241626872, - 1825.5076472327983, - -437.29696144009586, - -944.5605085793947, - -771.8460036461051, - -544.3087124085056, - -386.4661918682875, - -295.60487607121024, - -249.56172209270733, - -294.4536666245931, - -316.05083650046834, - -387.85887511894833, - -543.1896211700911, - -811.0033755135183, - -1019.9046145502344, - 1092.904560701774, - 5000, - 5000, - 5000, - 5000, - 5000, - -542.2420291648953, - -628.4379716609711, - -480.3806821113142, - -436.09402374893153, - -480.380682111314, - -628.4379716609712, - -542.2420291648953, + -597.7496390454521, + -596.5427299187543, + -439.60497767009, + -394.3298850342755, + -439.6048741586315, + -596.5425126590945, + -597.7504543832779, + 5000, + 5000, + 5000, + 5000, + 5000, + 1247.0649488617246, + -1014.2404567385594, + -799.2600118956354, + -528.2894245392016, + -370.41877063373204, + -296.6630131100586, + -223.3480260200362, + -236.0739787425611, + -282.117459008423, + -371.6580608919908, + -528.2720250600339, + -751.7771056340192, + -903.0647896287948, + -328.7870798478956, + 1723.8280214381518, + 2809.029646292907, + 764.3072536730638, + -597.287919103379, + -625.0865240980287, + -449.7738135389019, + -349.02372851118554, + -321.04877539439974, + -349.02366379111606, + -449.7736627878419, + -625.0863445839094, + -597.2889296730227, + 764.3021090530228, + 2809.028322724129, + 1723.8319166157294, + -328.78559656614607, + -903.0647196759292, + -751.777327627751, + -528.2721609516516, + -371.65810764052037, + -282.11748780183336, + -236.07396796656457, + -184.84760593959666, + -195.382059969953, + -226.3245625644492, + -282.21316885336273, + -371.0418288994817, + -495.6841772026385, + -645.0195671322695, + -773.3748855095503, + -819.6586768837295, + -794.7792629709949, + -726.4202537122325, + -596.7553904507715, + -450.06003590996994, + -340.55163783190494, + -281.3864381295863, + -263.59184936008853, + -281.38639849319264, + -340.55155068502677, + -450.05989705917824, + -596.7550690752082, + -726.4200477539408, + -794.7791936899338, + -819.6586773024563, + -773.3749759803608, + -645.0197164551395, + -495.6843129499042, + -371.04190677069244, + -282.2131991775838, + -226.3245836634866, + -195.38205265643197, + -163.50584256569076, + -171.90230419235172, + -195.46953635293968, + -236.06207746601206, + -296.91280030079787, + -374.2169310243494, + -463.5970181373235, + -548.438171394901, + -598.480793754641, + -593.0065648170986, + -532.7816911816192, + -439.79103333630104, + -349.1234191039867, + -281.47311363690596, + -241.09550706534006, + -228.16727780922568, + -241.0954795289337, + -281.47305734500657, + -349.12333484237195, + -439.79082805624085, + -532.7815157750703, + -593.0065080778447, + -598.4808300060505, + -548.4382412292224, + -463.5971094713998, + -374.2170135225272, + -296.9128520022046, + -236.06209992395182, + -195.46955342467493, + -171.90229856731366, + -163.50585569611255, + -171.90231855811425, + -195.46955470314842, + -236.06210365319455, + -296.9128393044856, + -374.21698889100867, + -463.5970976863526, + -548.4382696218872, + -598.4808998409002, + -593.006664814131, + -532.7817735339705, + -439.79109281240494, + -349.123459185233, + -281.47314142608525, + -241.09552900240524, + -228.16729786700466, + -241.09550146599386, + -281.47308513417437, + -349.12337492359865, + -439.7908875322953, + -532.7815981273731, + -593.0066080748568, + -598.4809360923123, + -548.438339456226, + -463.59718902045336, + -374.21707138920755, + -296.91289100590376, + -236.06212611113804, + -195.46957177488542, + -171.90231293307548, + -171.34000793724724, + -179.17802702729918, + -204.63570127024659, + -250.9357967069147, + -318.5051349255993, + -407.00382011902474, + -512.4272686047748, + -612.2787944370781, + -672.7496896286668, + -666.2379512192032, + -593.5088921807832, + -484.4045085098749, + -378.01549472036186, + -299.60010777807867, + -254.74037799551817, + -240.15759134420068, + -254.7403473837074, + -299.60004392134533, + -378.0153968949491, + -484.4042659796443, + -593.5086833349264, + -666.2378834844426, + -672.7497342545681, + -612.2788782765576, + -512.427375667564, + -407.0039154936273, + -318.5051930711483, + -250.93582117125797, + -204.63571952626168, + -179.17802090050756, + -194.47892846171425, + -204.17217709864096, + -236.55857285466038, + -296.58190520772683, + -389.86087593045636, + -524.4493823656895, + -686.1177801839157, + -827.6147800840977, + -882.5788857604103, + -849.0047770676746, + -770.2462270265529, + -632.6042203035458, + -475.76144714766804, + -360.33500475319295, + -298.4297590340179, + -279.9514618189862, + -298.42971769249834, + -360.33491338455946, + -475.7613010037271, + -632.6038796162617, + -770.2460041626365, + -849.0046897861486, + -882.578884216831, + -827.6148810845972, + -686.1179402160808, + -524.449526457703, + -389.86095824209514, + -296.5819369472473, + -236.55859503927698, + -204.17216955885175, + -234.47502107068775, + -249.56170966591174, + -295.6048481311532, + -386.46618504526845, + -544.3087092029717, + -771.8459890013318, + -944.5605744289304, + -437.2968979973997, + 1825.5057636198676, + 3864.3211309110757, + 1377.9229244815908, + -545.6361724841893, + -643.4527049995343, + -473.95022739285895, + -375.1159197624622, + -346.2459834260142, + -375.1158557364307, + -473.9500790178463, + -643.4525414085035, + -545.6376325123628, + 1377.91572672124, + 3864.3207270571443, + 1825.510826535572, + -437.29548311269065, + -944.5605427261839, + -771.8462137125465, + -544.3088453205543, + -386.46623201186213, + -295.60487755298936, + -249.56169853997883, + -294.45362858066864, + -316.0508021190227, + -387.8588138914723, + -543.1895816649898, + -811.0033255436965, + -1019.9046863546008, + 1092.904439159022, + 5000, + 5000, + 5000, + 5000, + 5000, + -542.2419608420976, + -628.43795568063, + -480.38062931618595, + -436.0939744596617, + -480.3805302145403, + -628.4377540389073, + -542.2431517724356, 5000, 5000, 5000, 5000, 5000, - 1092.9045607017736, - -1019.9046145502344, - -811.0033755135192, - -543.189621170091, - -387.8588751189482, - -316.05083650046834, - -371.2686984535071, - -403.5543888206307, - -520.7417564772453, - -768.335964802213, - -1017.371966037334, - 1239.9816767545979, + 1092.911625008887, + -1019.904487264138, + -811.003530335604, + -543.189654227443, + -387.8588547582143, + -316.0507844076976, + -371.2685806172609, + -403.55427700804626, + -520.7415931462133, + -768.3358162257813, + -1017.3719535810819, + 1239.9769073714094, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.8164726458522, - -764.8575722218125, - -588.4102850281788, - -528.7848218938102, - -588.4102850281788, - -764.8575722218123, - 1399.816472645851, + 1399.8175838928466, + -764.8574314787124, + -588.4100903978585, + -528.784633449236, + -588.4099538590559, + -764.8573042443868, + 1399.8062452660545, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9816767545972, - -1017.3719660373338, - -768.3359648022126, - -520.7417564772453, - -403.5543888206308, - -460.20622615983496, - -508.09827244400174, - -681.3740670067734, - -940.1622194461144, - 1105.6716360381668, + 1239.9845377778702, + -1017.3719406346748, + -768.3359154411957, + -520.7416480686205, + -403.5542471037514, + -460.2061299311211, + -508.0981913950755, + -681.3739223719175, + -940.162116357366, + 1105.6713321959865, 5000, 5000, 5000, @@ -1115,13 +1367,13 @@ 5000, 5000, 5000, - 3902.9370964564055, - -843.6564156703262, - -662.1399954873211, - -590.999022914702, - -662.1399954873211, - -843.6564156703263, - 3902.9370964564037, + 3902.941026511598, + -843.6563407005074, + -662.1398777127915, + -590.9989190953974, + -662.1397179134298, + -843.6563335728695, + 3902.9164498677965, 5000, 5000, 5000, @@ -1129,14 +1381,14 @@ 5000, 5000, 5000, - 1105.6716360381668, - -940.1622194461142, - -681.3740670067733, - -508.0982724440018, - -545.664061097301, - -607.8146219156657, - -822.4658053124919, - -441.32954277334505, + 1105.6743199354119, + -940.1622139056121, + -681.3739882639716, + -508.0981426684198, + -545.6639244535219, + -607.8145089939355, + -822.4656018683011, + -441.3290909743328, 5000, 5000, 5000, @@ -1145,13 +1397,13 @@ 5000, 5000, 5000, - 1803.4779480349193, - -879.4068567793033, - -671.0570366861933, - -599.0335904547487, - -671.0570366861931, - -879.4068567793037, - 1803.477948034918, + 1803.4787316764985, + -879.406745982221, + -671.0568901107735, + -599.0334659664221, + -671.0567301203779, + -879.4066261048667, + 1803.4651489924895, 5000, 5000, 5000, @@ -1160,13 +1412,13 @@ 5000, 5000, 5000, - -441.3295427733449, - -822.465805312491, - -607.8146219156656, - -597.5547401575252, - -669.8345232392039, - -878.471112377978, - 1798.8540795459803, + -441.3291532352931, + -822.4656697490192, + -607.8144376552757, + -597.5544627799984, + -669.8342738822421, + -878.4707614896623, + 1798.8549855793724, 5000, 5000, 5000, @@ -1175,13 +1427,13 @@ 5000, 5000, 5000, - -454.94706160123525, - -826.341053204112, - -612.8659620016325, - -550.5261655783011, - -612.8659620016326, - -826.341053204112, - -454.9470616012354, + -454.9466677235182, + -826.340840336215, + -612.8657209558899, + -550.5259439994369, + -612.8655845981175, + -826.340584611235, + -454.9495149063873, 5000, 5000, 5000, @@ -1190,13 +1442,13 @@ 5000, 5000, 5000, - 1798.8540795459805, - -878.4711123779781, - -669.8345232392046, - -594.3357413407381, - -665.3553896954166, - -846.667842181805, - 3878.2373490973127, + 1798.8549267580042, + -878.4708212924152, + -669.8341848915884, + -594.3356657910579, + -665.3553643693854, + -846.6677564205085, + 3878.2423217094683, 5000, 5000, 5000, @@ -1204,15 +1456,15 @@ 5000, 5000, 5000, - 1048.4796683418492, - -945.2038555654241, - -685.7658976360747, - -514.132101405551, - -466.81753231252327, - -514.1321014055512, - -685.7658976360748, - -945.2038555654244, - 1048.4796683418488, + 1048.4825251860634, + -945.2039712417669, + -685.7659408183088, + -514.1320885522173, + -466.8175286981447, + -514.1319886796315, + -685.7657003703529, + -945.2039639977227, + 1048.4664569325942, 5000, 5000, 5000, @@ -1220,343 +1472,343 @@ 5000, 5000, 5000, - 3878.2373490973087, - -846.6678421818049, - -665.355389695417, - -535.8475998009432, - -594.7635276801769, - -769.1423744149847, - 1408.0933107841379, + 3878.242246917831, + -846.6678017543917, + -665.3552707659092, + -535.8475363903044, + -594.7635092045184, + -769.1423060493345, + 1408.0964696579201, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.9298820323759, - -1016.7539030237457, - -770.3126111256928, - -525.1919220700423, - -409.22123559239003, - -377.58194316648746, - -409.22123559239014, - -525.1919220700418, - -770.3126111256928, - -1016.7539030237455, - 1281.9298820323752, + 1281.9356971885006, + -1016.7538472428181, + -770.3127348091942, + -525.1919554505723, + -409.22121979680986, + -377.5819325190736, + -409.22115423912334, + -525.1917942965619, + -770.3124622108003, + -1016.7540819569756, + 1281.9202840339876, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0933107841367, - -769.1423744149848, - -594.7635276801768, - -443.41704287745875, - -486.5875075496618, - -632.6847501705358, - -540.0198845267788, + 1408.0964148359008, + -769.1423362974003, + -594.7634261987674, + -443.4168936854547, + -486.58738267135345, + -632.684572523604, + -540.0198587460153, 5000, 5000, 5000, 5000, 5000, - 1062.6761724655682, - -1013.7802805364319, - -809.3080977260712, - -544.3200299396756, - -391.094247068527, - -320.5160604482705, - -299.16171732385044, - -320.51606044827076, - -391.0942470685273, - -544.3200299396754, - -809.3080977260717, - -1013.7802805364314, - 1062.6761724655685, - 5000, - 5000, - 5000, - 5000, - 5000, - -540.0198845267784, - -632.684750170536, - -486.58750754966195, - -352.5453221569992, - -380.0363512571432, - -476.64487367652856, - -643.054221751014, - -536.3416168306097, - 1432.3873979843781, - 3924.75851062198, - 1781.5076333247525, - -457.9905120544455, - -940.9823849945606, - -767.4677326456203, - -543.0939090112514, - -387.32954050817165, - -297.5913202614251, - -251.91539088591296, - -237.70230075239544, - -251.915390885913, - -297.59132026142515, - -387.32954050817165, - -543.0939090112511, - -767.4677326456201, - -940.9823849945609, - -457.9905120544451, - 1781.507633324751, - 3924.758510621975, - 1432.3873979843781, - -536.3416168306097, - -643.0542217510141, - -476.6448736765287, - -380.03635125714334, - -283.0527437571619, - -301.38830523289494, - -362.0295325312901, - -474.6918400654344, - -628.9479370353143, - -763.7852505823657, - -842.0205257259508, - -876.1237903796496, - -821.7043231505025, - -681.881408012842, - -521.6442860676771, - -389.222567736638, - -296.6027700681437, - -237.28592014727147, - -205.7282525114623, - -196.30187764132273, - -205.7282525114624, - -237.28592014727136, - -296.60277006814374, - -389.22256773663804, - -521.6442860676771, - -681.8814080128416, - -821.7043231505024, - -876.1237903796496, - -842.0205257259515, - -763.7852505823663, - -628.9479370353145, - -474.6918400654345, - -362.02953253129016, - -301.38830523289505, - -242.0460356518629, - -255.91485947305213, - -299.9897729677445, - -377.14876361393647, - -482.50202319032724, - -590.135492581348, - -661.7025599598504, - -668.4057272985268, - -608.628682750284, - -509.8016639860932, - -405.8016892348803, - -317.6104658130988, - -250.55352574611612, - -205.29989546466555, - -179.91045123975755, - -172.46779313185456, - -179.91045123975746, - -205.29989546466564, - -250.55352574611598, - -317.6104658130986, - -405.80168923488037, - -509.80166398609316, - -608.6286827502842, - -668.4057272985265, - -661.7025599598499, - -590.1354925813476, - -482.502023190327, - -377.1487636139366, - -299.98977296774456, - -255.91485947305222, - -228.1673235089142, - -241.09555467677768, - -281.47315306336066, - -349.12345416067353, - -439.7910616642026, - -532.7817289715637, - -593.006651523301, - -598.4808985684886, - -548.4382598152271, - -463.5971098498174, - -374.2170292246245, - -296.91287334205873, - -236.06213375762513, - -195.4695893692242, - -171.90234139738718, - -163.50587782748767, - -171.90234139738712, - -195.46958936922425, - -236.06213375762505, - -296.9128733420589, - -374.217029224625, - -463.597109849817, - -548.4382598152266, - -598.4808985684888, - -593.0066515233005, - -532.7817289715638, - -439.7910616642027, - -349.1234541606736, - -281.47315306336094, - -241.09555467677765, - -240.15762036805967, - -254.74040827545335, - -299.6001261310796, - -378.01550080219613, - -484.4044949320506, - -593.5088736982734, - -666.2379767333525, - -672.7497282000747, - -612.2788135541989, - -512.4273016598064, - -407.00387531754654, - -318.5051753641443, - -250.93582943203495, - -204.6357376675362, - -179.17805026673219, - -171.3400305649241, - -179.1780502667321, - -204.63573766753615, - -250.93582943203512, - -318.5051753641441, - -407.0038753175466, - -512.4273016598064, - -612.2788135541991, - -672.7497282000743, - -666.2379767333524, - -593.5088736982732, - -484.4044949320507, - -378.0155008021961, - -299.6001261310795, - -254.74040827545332, - -279.95155715540415, - -298.4298592644183, - -360.3351028219463, - -475.7615541853117, - -632.6043265527611, - -770.2463030036059, - -849.0048415801513, - -882.5790049320088, - -827.6149276851826, - -686.1179273899182, - -524.4495284037355, - -389.86097015561444, - -296.58197394376305, - -236.55863901821743, - -204.1722239960065, - -194.47897429906988, - -204.1722239960065, - -236.55863901821743, - -296.58197394376316, - -389.8609701556148, - -524.4495284037355, - -686.1179273899178, - -827.6149276851826, - -882.5790049320094, - -849.004841580151, - -770.246303003606, - -632.6043265527607, - -475.7615541853116, - -360.33510282194624, - -298.42985926441827, - -346.24600963127193, - -375.11594583518666, - -473.95022426034114, - -643.4526546157197, - -545.6360363373896, - 1377.9235288646803, - 3864.3249228591803, - 1825.5076455726053, - -437.2969633350922, - -944.5605104852679, - -771.8460053921381, - -544.3087138179906, - -386.46619293803667, - -295.60487686737184, - -249.5617227194192, - -234.47503666407113, - -249.5617227194193, - -295.60487686737184, - -386.4661929380369, - -544.3087138179907, - -771.8460053921378, - -944.5605104852676, - -437.2969633350921, - 1825.5076455726048, - 3864.324922859181, - 1377.9235288646807, - -545.6360363373897, - -643.4526546157197, - -473.9502242603413, - -375.11594583518695, - -436.09402348017005, - -480.38068186699854, - -628.4379714222213, - -542.2420289354059, - 5000, - 5000, - 5000, - 5000, - 5000, - 1092.9045607580201, - -1019.9046145044027, - -811.003375480309, - -543.1896211626369, - -387.85887507360326, - -316.0508364561849, - -294.4536665616805, - -316.0508364561849, - -387.8588750736032, - -543.1896211626367, - -811.0033754803087, - -1019.904614504403, - 1092.90456075802, + 1062.674508767489, + -1013.7802371924577, + -809.3080998679675, + -544.3199819205188, + -391.09419231929286, + -320.5159984181275, + -299.16166669596737, + -320.51595779746026, + -391.09409737296625, + -544.3198064596553, + -809.3075185543787, + -1013.7804837585604, + 1062.6670734773595, + 5000, + 5000, + 5000, + 5000, + 5000, + -540.0198875564491, + -632.6845919652444, + -486.58732008478586, + -352.54523337223185, + -380.0362779311268, + -476.6447604466445, + -643.0541272568521, + -536.3417983235105, + 1432.384805749045, + 3924.754068597838, + 1781.5053874961786, + -457.99042123149667, + -940.9823366726189, + -767.4677761389416, + -543.0939333524848, + -387.32952241331424, + -297.5912911190512, + -251.9153531049887, + -237.7022702318269, + -251.9153275153976, + -297.59123553166376, + -387.32942543944785, + -543.093573175359, + -767.4673401525844, + -940.9823140402696, + -457.9917815686465, + 1781.5036609780357, + 3924.754108725967, + 1432.3866088373065, + -536.3416413079823, + -643.0541431225928, + -476.6447738107367, + -380.0362356522567, + -283.0526844070817, + -301.3882559702452, + -362.0294594943028, + -474.69178586919946, + -628.9478653089624, + -763.7851670676564, + -842.0204525312075, + -876.1237365131419, + -821.7043287967913, + -681.8814213764203, + -521.6443427361753, + -389.22259432209427, + -296.6027625700325, + -237.28590154715945, + -205.72822497929414, + -196.30185523289424, + -205.72820737212922, + -237.28586573919387, + -296.60270484818545, + -389.2223869956799, + -521.644073669923, + -681.8812339622091, + -821.7042166537491, + -876.1237505332177, + -842.0205042711618, + -763.7852375614628, + -628.9479249895608, + -474.6917969570516, + -362.02946994217234, + -301.3882275711965, + -242.0459509763809, + -255.9147796165358, + -299.9896654839298, + -377.1486504647353, + -482.5018717179813, + -590.1353068128094, + -661.7023724139267, + -668.4055403597272, + -608.6285433049179, + -509.80154906085903, + -405.80163512286623, + -317.6104198629885, + -250.55347548929464, + -205.29984778116838, + -179.9104017513603, + -172.46774942473292, + -179.91038772138762, + -205.2998207069815, + -250.5534337319886, + -317.61027695678047, + -405.80145700374726, + -509.8014242021627, + -608.6284516470874, + -668.4055324108244, + -661.7024084117716, + -590.135368506861, + -482.5019156260238, + -377.1486601278774, + -299.9896746761689, + -255.91475805385002, + -228.16731081274273, + -241.0955506495527, + -281.473138284061, + -349.12346161936784, + -439.79107701523344, + -532.7817576962614, + -593.0067056988473, + -598.480954107991, + -548.4383286364371, + -463.59715738844045, + -374.21708720267384, + -296.9129067967417, + -236.06214230113886, + -195.46958763640362, + -171.90233122745443, + -163.50587152555556, + -171.90231818734074, + -195.4695628609249, + -236.06210469942903, + -296.91278003306326, + -374.2169316055845, + -463.59704972309817, + -548.4382504674253, + -598.480947181596, + -593.0067366135344, + -532.7818106338947, + -439.7911159688234, + -349.123471158623, + -281.4731473525636, + -241.09553082809023, + -240.1575856319461, + -254.7403802212368, + -299.6000764252565, + -378.01545715612076, + -484.40443062696613, + -593.5087918794112, + -666.2379015458305, + -672.7496484131757, + -612.2787648990994, + -512.4272548132025, + -407.0038691501525, + -318.50516413267786, + -250.9358061071069, + -204.63571276676964, + -179.1780211924307, + -171.34000686499863, + -179.1780070435037, + -204.63568541591593, + -250.93576390310957, + -318.5050198355158, + -407.00368923306087, + -512.4271283833652, + -612.2786719213519, + -672.7496402400515, + -666.2379379999949, + -593.5088547103829, + -484.40447526888636, + -378.0154670613969, + -299.60008568063756, + -254.7403583409557, + -279.95153340609335, + -298.42984827986186, + -360.3350763198214, + -475.76156486999975, + -632.6043373447595, + -770.2462696738711, + -849.0047261430504, + -882.5789016766807, + -827.6149709252721, + -686.1180082145847, + -524.4496336942304, + -389.8610256560149, + -296.5819842216765, + -236.5586332694606, + -204.17220722854964, + -194.4789622504953, + -204.17218935399305, + -236.55859693360537, + -296.5819256059755, + -389.8608151846766, + -524.4493605235646, + -686.117818142179, + -827.6148575415194, + -882.5789155176299, + -849.0047781661468, + -770.2463421294115, + -632.6043985468057, + -475.7615763908253, + -360.3350868936881, + -298.429819559917, + -346.24594610449844, + -375.1158970561948, + -473.9501331433498, + -643.4525621312736, + -545.6359422552906, + 1377.9232281550758, + 3864.3279023315554, + 1825.512942616538, + -437.2943951354762, + -944.5600850881729, + -771.8459718425039, + -544.3086912247417, + -386.4661412694281, + -295.60482448905987, + -249.56166703113715, + -234.4749903521691, + -249.56164097495005, + -295.6047680706477, + -386.4660428528401, + -544.3083261813312, + -771.8455305137094, + -944.5600693893703, + -437.2958017769164, + 1825.5112336098143, + 3864.3279972507053, + 1377.9249922947606, + -545.6357909026812, + -643.4525784957501, + -473.9501466344198, + -375.1158543876581, + -436.0938893883831, + -480.38056087889726, + -628.4377543428257, + -542.2417707783286, + 5000, + 5000, + 5000, + 5000, + 5000, + 1092.9070192117304, + -1019.9042127118928, + -811.0031672976442, + -543.189442435999, + -387.8587404865223, + -316.0507177042506, + -294.4535657745209, + -316.05067644459655, + -387.8586441758714, + -543.18926469, + -811.0025779827473, + -1019.9044465835749, + 1092.8994563087756, 5000, 5000, 5000, 5000, 5000, - -542.2420289354058, - -628.4379714222214, - -480.38068186699854, - -528.7848224259317, - -588.4102855798557, - -764.857572884514, - 1399.81647181316, + -542.241800003721, + -628.4377740758586, + -480.3804978519323, + -528.7845875514329, + -588.4100558521008, + -764.8571953932777, + 1399.8165098155537, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9816758917682, - -1017.3719667064513, - -768.3359653029949, - -520.7417568739971, - -403.55438912694746, - -371.2686987349472, - -403.5543891269475, - -520.7417568739967, - -768.3359653029954, - -1017.3719667064508, - 1239.9816758917686, + 1239.9772237614725, + -1017.3717630187012, + -768.33553997699, + -520.7414543286586, + -403.5541471980185, + -371.26849056931775, + -403.5540808326414, + -520.7412912452461, + -768.3352649949704, + -1017.3719913568939, + 1239.962177188641, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.8164718131588, - -764.8575728845142, - -588.4102855798554, - -590.9990230094813, - -662.1399955273824, - -843.6564156884696, - 3902.9370964604677, + 1399.816455315807, + -764.8572258546725, + -588.4099724390958, + -590.9989069095232, + -662.1399064347668, + -843.6561974982809, + 3902.9420944543094, 5000, 5000, 5000, @@ -1564,15 +1816,15 @@ 5000, 5000, 5000, - 1105.671635802922, - -940.1622196549391, - -681.3740672167454, - -508.09827264943834, - -460.2062263545495, - -508.0982726494385, - -681.3740672167453, - -940.162219654939, - 1105.671635802921, + 1105.6663427133558, + -940.1621795780007, + -681.3738215837642, + -508.0980749169547, + -460.20606703262615, + -508.09797403897426, + -681.3735792470947, + -940.1621812172027, + 1105.6499484865935, 5000, 5000, 5000, @@ -1580,13 +1832,13 @@ 5000, 5000, 5000, - 3902.937096460465, - -843.6564156884695, - -662.1399955273827, - -599.0335904660683, - -671.0570366846083, - -879.4068567924921, - 1803.4779480254372, + 3902.942019507234, + -843.6562428925934, + -662.1398125829267, + -599.0334596620762, + -671.0569263261243, + -879.4066688835902, + 1803.4759846704865, 5000, 5000, 5000, @@ -1595,13 +1847,13 @@ 5000, 5000, 5000, - -441.32954278783336, - -822.4658053337831, - -607.8146219264164, - -545.6640611144622, - -607.8146219264166, - -822.4658053337831, - -441.32954278783365, + -441.3288517504766, + -822.4657709185138, + -607.8145588340009, + -545.6640145769471, + -607.8144215780933, + -822.4655145962703, + -441.33174644211243, 5000, 5000, 5000, @@ -1610,13 +1862,13 @@ 5000, 5000, 5000, - 1803.4779480254363, - -879.4068567924921, - -671.0570366846082, - -550.5261657785657, - -612.8659622291668, - -826.3410534290299, - -454.947061852584, + 1803.4759239307023, + -879.4067285975257, + -671.0568372749126, + -550.525991615999, + -612.8657923898294, + -826.3407706647831, + -454.94845279624013, 5000, 5000, 5000, @@ -1625,13 +1877,13 @@ 5000, 5000, 5000, - 1798.8540793655586, - -878.4711125082248, - -669.8345233686889, - -597.5547402523459, - -669.8345233686887, - -878.4711125082248, - 1798.854079365559, + 1798.854299982068, + -878.470969245382, + -669.8343425065927, + -597.5545805853254, + -669.8341821294171, + -878.4708489484186, + 1798.840756018908, 5000, 5000, 5000, @@ -1640,14 +1892,14 @@ 5000, 5000, 5000, - -454.947061852584, - -826.3410534290293, - -612.8659622291668, - -466.8175319713482, - -514.1321010790352, - -685.7658972863013, - -945.2038552539431, - 1048.4796687076455, + -454.9485152328017, + -826.3408383114329, + -612.8657211947345, + -466.8174022842389, + -514.1319712734776, + -685.7656587376478, + -945.2038522104164, + 1048.4732105323874, 5000, 5000, 5000, @@ -1655,13 +1907,13 @@ 5000, 5000, 5000, - 3878.237349380264, - -846.6678419167557, - -665.3553895152695, - -594.3357411391704, - -665.3553895152689, - -846.6678419167555, - 3878.2373493802656, + 3878.2399749427605, + -846.6677275078927, + -665.3552399291262, + -594.3356124873927, + -665.3550806023906, + -846.6677195498482, + 3878.2155103106356, 5000, 5000, 5000, @@ -1669,345 +1921,345 @@ 5000, 5000, 5000, - 1048.4796687076446, - -945.2038552539435, - -685.7658972863018, - -514.1321010790347, - -377.5819433249767, - -409.221235753041, - -525.1919222204613, - -770.3126112815548, - -1016.7539032098202, - 1281.9298818439586, + 1048.4761912898684, + -945.2039484836477, + -685.7657243364497, + -514.1319228378711, + -377.5818402431455, + -409.22113458092656, + -525.1917564914423, + -770.3124481321207, + -1016.7538789247459, + 1281.9282064057502, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.093310589837, - -769.1423746307612, - -594.7635279210881, - -535.8476000411608, - -594.7635279210881, - -769.1423746307611, - 1408.093310589836, + 1408.0987153636531, + -769.1422793717386, + -594.763434477255, + -535.8475166101301, + -594.7632990486076, + -769.1421539967718, + 1408.0873011008073, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.929881843959, - -1016.7539032098207, - -770.3126112815543, - -525.191922220461, - -409.22123575304084, - -299.16171753315564, - -320.5160606827102, - -391.09424740141094, - -544.3200304220607, - -809.3080983743699, - -1013.7802813466471, - 1062.6761715504283, + 1281.9360360829874, + -1016.7538571422914, + -770.3125462412813, + -525.1918111854145, + -409.22110502856583, + -299.16168539290436, + -320.51603254912004, + -391.09419539799933, + -544.3200131448118, + -809.3080857359878, + -1013.7800008841147, + 1062.682342513682, 5000, 5000, 5000, 5000, 5000, - -540.0198846856408, - -632.6847502296307, - -486.5875075632009, - -443.4170428718428, - -486.587507563201, - -632.6847502296303, - -540.0198846856406, - 5000, - 5000, - 5000, - 5000, - 5000, - 1062.6761715504283, - -1013.7802813466479, - -809.3080983743698, - -544.3200304220604, - -391.09424740141077, - -320.51606068271, - -237.70230075785437, - -251.91539091692235, - -297.59132037738397, - -387.3295407950816, - -543.0939095558889, - -767.4677335480648, - -940.98238616712, - -457.9905134203793, - 1781.5076320263086, - 3924.7585095863096, - 1432.3873972815436, - -536.3416172295948, - -643.0542219209831, - -476.64487362254414, - -380.0363511254525, - -352.545321950436, - -380.0363511254524, - -476.64487362254437, - -643.0542219209833, - -536.341617229595, - 1432.3873972815443, - 3924.758509586312, - 1781.5076320263088, - -457.99051342037916, - -940.9823861671196, - -767.4677335480653, - -543.0939095558888, - -387.3295407950813, - -297.5913203773838, - -251.91539091692246, - -196.30187786879375, - -205.72825272931544, - -237.28592028962314, - -296.6027700941538, - -389.22256751843173, - -521.6442855306215, - -681.8814070384303, - -821.704321763478, - -876.1237887327638, - -842.0205241242794, - -763.7852493557352, - -628.947936293236, - -474.691839863824, - -362.02953275372124, - -301.3883057429539, - -283.0527443613101, - -301.388305742954, - -362.0295327537212, - -474.6918398638242, - -628.9479362932359, - -763.7852493557348, - -842.0205241242799, - -876.1237887327635, - -821.7043217634777, - -681.8814070384303, - -521.6442855306216, - -389.22256751843196, - -296.60277009415375, - -237.28592028962305, - -205.72825272931527, - -172.46779403692375, - -179.91045235557365, - -205.29989727080826, - -250.55352890411558, - -317.6104712749491, - -405.8016981562746, - -509.80167735317525, - -608.6287004454273, - -668.4057474746149, - -661.7025794507525, - -590.1355085692451, - -482.5020342442038, - -377.14877020871205, - -299.9897765628597, - -255.91486148761982, - -242.04603720184278, - -255.91486148761985, - -299.98977656285933, - -377.1487702087122, - -482.50203424420397, - -590.1355085692447, - -661.7025794507521, - -668.4057474746145, - -608.628700445427, - -509.8016773531755, - -405.80169815627454, - -317.6104712749495, - -250.55352890411544, - -205.29989727080806, - -179.91045235557365, - -184.84766364323613, - -195.38212131848115, - -226.32464934549736, - -282.21327198949484, - -371.04197892734464, - -495.68440371512384, - -645.0198095371909, - -773.3750941795772, - -819.6587973037409, - -794.7793504361325, - -726.4203674963836, - -596.755505298242, - -450.0601350669864, - -340.5517203340415, - -281.38651887808453, - -263.5919242222388, - -281.3865188780844, - -340.55172033404153, - -450.0601350669866, - -596.7555052982416, - -726.4203674963843, - -794.7793504361332, - -819.6587973037406, - -773.3750941795766, - -645.0198095371912, - -495.6844037151237, - -371.04197892734436, - -282.21327198949473, - -226.32464934549748, - -195.38212131848104, - -194.478979631979, - -204.17222948345906, - -236.55864518523978, - -296.5819813353929, - -389.8609790348369, - -524.4495379530703, - -686.1179368024973, - -827.6149423825425, - -882.5790318554272, - -849.0048644010699, - -770.2463041741324, - -632.6043162846292, - -475.7615434174, - -360.3350933390191, - -298.4298503498756, - -279.9515483512946, - -298.4298503498758, - -360.3350933390191, - -475.76154341739993, - -632.6043162846295, - -770.2463041741325, - -849.0048644010699, - -882.5790318554264, - -827.6149423825426, - -686.1179368024971, - -524.4495379530703, - -389.86097903483653, - -296.5819813353929, - -236.5586451852397, - -204.17222948345906, - -224.15985562405461, - -234.9971727492894, - -272.2932844278693, - -342.38121686464984, - -457.1958661127364, - -628.0440734817909, - -835.9463555325133, - -1019.0474069020778, - -1088.4267207825044, - -1033.205688216473, - -928.3863083167942, - -758.2786961128133, - -566.3399980162962, - -429.47883680822076, - -357.23786795853727, - -336.13988396824635, - -357.23786795853727, - -429.4788368082207, - -566.3399980162961, - -758.2786961128132, - -928.3863083167939, - -1033.205688216473, - -1088.4267207825044, - -1019.0474069020771, - -835.9463555325133, - -628.0440734817905, - -457.1958661127362, - -342.3812168646503, - -272.29328442786914, - -234.99717274928952, - -278.60721502941226, - -292.9419469906869, - -340.1421341779557, - -436.6211358813621, - -604.2132097341748, - -852.2316289703588, - -1094.3819852490346, - -939.5940280293974, - 424.6841139180433, - 2101.663223584344, - 578.7291338214706, - -739.3276758854088, - -736.2416944217109, - -561.8072531402985, - -468.5828755292354, - -442.95615171152815, - -468.5828755292353, - -561.8072531402987, - -736.2416944217109, - -739.3276758854086, - 578.7291338214708, - 2101.6632235843435, - 424.6841139180428, - -939.5940280293972, - -1094.3819852490344, - -852.2316289703591, - -604.213209734175, - -436.6211358813621, - -340.14213417795577, - -292.9419469906866, - -364.8730646930308, - -384.19790497054356, - -452.083982461534, - -601.1322213402065, - -859.8071548037597, - -1087.5498417417703, - 155.2777986469412, - 5000, - 5000, - 5000, - 5000, - 5000, - -738.3080477705824, - -749.7410210177674, - -623.3279886983348, - -588.2376166646587, - -623.3279886983347, - -749.7410210177671, - -738.3080477705818, + -540.0184447481062, + -632.6847698125999, + -486.5874767505501, + -443.4170042001311, + -486.5873790541185, + -632.6845713600957, + -540.0196549448457, + 5000, + 5000, + 5000, + 5000, + 5000, + 1062.6893645591992, + -1013.7797975051922, + -809.3082874473365, + -544.3200850052657, + -391.094236122636, + -320.5160151069175, + -237.70230993437667, + -251.91540484446875, + -297.59132839530736, + -387.32959511187835, + -543.094023855702, + -767.467911165001, + -940.9824058151808, + -457.9874931106457, + 1781.5236229983698, + 3924.7951454857075, + 1432.4071596981541, + -536.3393941077139, + -643.0543766434386, + -476.64501725672824, + -380.0364155859928, + -352.5453725317242, + -380.0363527895494, + -476.64487168468077, + -643.0542179974364, + -536.3408934703067, + 1432.399809122624, + 3924.794909444033, + 1781.528745335405, + -457.98612442001365, + -940.9823818232092, + -767.4681325630951, + -543.0941579970643, + -387.32964161064683, + -297.5913577362262, + -251.91539398973785, + -196.30183654962983, + -205.72820963935627, + -237.28585526295527, + -296.602697029116, + -389.2224600167156, + -521.6441179059141, + -681.8812411398121, + -821.7041884099875, + -876.1237122765244, + -842.0204691120109, + -763.785188503936, + -628.9478775712222, + -474.69178470563605, + -362.0294817875532, + -301.38825013452646, + -283.0526928453458, + -301.38820956277095, + -362.0293922166712, + -474.69164166192894, + -628.9475442485428, + -763.7849700603897, + -842.0203805989435, + -876.1237091509817, + -821.7042876739822, + -681.881398205905, + -521.6442593188731, + -389.22254104190483, + -296.60272837262187, + -237.28587734633334, + -205.7282020984038, + -172.4677681123145, + -179.9104257748944, + -205.2998567964293, + -250.55349021654786, + -317.6104219141193, + -405.80163028077993, + -509.8016284760477, + -608.628665967128, + -668.4056981371706, + -661.7025484732759, + -590.135525035235, + -482.50204718294776, + -377.1487625501232, + -299.98975468226183, + -255.91482594507139, + -242.04600204606575, + -255.91479570801908, + -299.98969169430916, + -377.14866622706967, + -482.501808220495, + -590.1353190623915, + -661.7024814216488, + -668.405741658089, + -608.6287481890423, + -509.8017340148441, + -405.8017243494591, + -317.61047944385496, + -250.55351458711624, + -205.29987495914278, + -179.91041969571157, + -184.84763108455115, + -195.3820880669154, + -226.3246005108394, + -282.2132265472654, + -371.0419211570245, + -495.68431746971766, + -645.0197530066663, + -773.3750683419145, + -819.6587946875633, + -794.779359556967, + -726.4203794564553, + -596.7555041228607, + -450.0601116682439, + -340.55168591857876, + -281.3864731005202, + -263.59188103932377, + -281.38643346411885, + -340.55159877168154, + -450.0599728174187, + -596.755182747233, + -726.4201734982089, + -794.7792902759527, + -819.6587951061884, + -773.3751588126732, + -645.0199023295596, + -495.6844532170261, + -371.04199902825826, + -282.2132568714922, + -226.32462160987967, + -195.382080753391, + -194.47897218138036, + -204.1722233870403, + -236.55862855496838, + -296.5819810955927, + -389.86098961546537, + -524.449555193881, + -686.1180277236, + -827.6150703924512, + -882.5791283790112, + -849.004957943613, + -770.2464428253685, + -632.6044384173349, + -475.7616031426005, + -360.335108877454, + -298.42983798636993, + -279.9515335922857, + -298.4297966448346, + -360.33501750878065, + -475.7614569985928, + -632.6040977299629, + -770.246219961561, + -849.0048706620763, + -882.5791268352878, + -827.6151713929427, + -686.11818775583, + -524.4496992859606, + -389.8610719271379, + -296.5820128351239, + -236.55865073959075, + -204.17221584724948, + -224.1598348421435, + -234.997152304988, + -272.2932465845602, + -342.3811884844176, + -457.19582852129827, + -628.0440078766301, + -835.9463399139801, + -1019.0474246440218, + -1088.4267562129298, + -1033.2057678477152, + -928.3863928668877, + -758.2787328813756, + -566.33998824874, + -429.4787985377237, + -357.2378090928204, + -336.1398249288339, + -357.2377614493729, + -429.47869105877834, + -566.3398126102511, + -758.2783182060836, + -928.386121616191, + -1033.2056372598122, + -1088.4267383407866, + -1019.0475509926467, + -835.9465387741852, + -628.0441849744063, + -457.1959275101442, + -342.38122508895646, + -272.293271906964, + -234.99714344162, + -278.6071748853556, + -292.941908340465, + -340.1420760621027, + -436.6210971210694, + -604.213167261584, + -852.2315647798007, + -1094.3820109407823, + -939.5940594717654, + 424.6824736115679, + 2101.6598794313986, + 578.7283651833704, + -739.3278072376429, + -736.2416952092458, + -561.8072003603875, + -468.5827911536886, + -442.9560645548602, + -468.58272888891923, + -561.8070551709351, + -736.2415113677944, + -739.3287140342156, + 578.7234313596505, + 2101.660290711641, + 424.685925817251, + -939.5933692759945, + -1094.3821256524268, + -852.2318052509221, + -604.2133067821452, + -436.6211457416676, + -340.1421077403424, + -292.9418969549152, + -364.8730403260377, + -384.1978834895542, + -452.0839319298066, + -601.1321969276829, + -859.807128047437, + -1087.549959832983, + 155.27743147610715, + 5000, + 5000, + 5000, + 5000, + 5000, + -738.3080052660624, + -749.7409997474873, + -623.3279350235119, + -588.2375621510108, + -623.3278488891822, + -749.7408162321063, + -738.3088106568762, 5000, 5000, 5000, 5000, 5000, - 155.27779864694074, - -1087.5498417417703, - -859.8071548037602, - -601.1322213402062, - -452.0839824615339, - -384.1979049705435, - -487.81039294923835, - -515.607982156051, - -618.7502935751338, - -845.2369312311704, - -1082.7410376102034, - 1193.4457091181055, + 155.2813260257872, + -1087.549853052798, + -859.8073167081532, + -601.1322662398684, + -452.0839738624601, + -384.1978668175746, + -487.8102867667167, + -515.6078783461987, + -618.7501346383707, + -845.2367882276169, + -1082.7410483008616, + 1193.4400895860708, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8025188630519, - -920.8665828615706, - -762.5696014118392, - -720.6091121234624, - -762.569601411839, - -920.8665828615707, - 523.8025188630508, + 523.8035884572414, + -920.8664816384435, + -762.5694876820045, + -720.6089955894721, + -762.569374990804, + -920.8663404665695, + 523.7957670012189, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4457091181062, - -1082.7410376102036, - -845.23693123117, - -618.7502935751335, - -515.6079821560506, - -636.6040886400642, - -675.7419571478209, - -824.0308495025057, - -1084.4087565105078, - 166.82025298014975, + 1193.4479858400775, + -1082.740975980943, + -845.2368767076448, + -618.7501890803711, + -515.6078515216551, + -636.6039368636644, + -675.7418130289099, + -824.0306379119205, + -1084.408597058763, + 166.81972466836402, 5000, 5000, 5000, @@ -2015,13 +2267,13 @@ 5000, 5000, 5000, - 1920.4787353286179, - -1027.537484000782, - -841.7783859856766, - -791.8291517267963, - -841.7783859856763, - -1027.5374840007821, - 1920.4787353286172, + 1920.4819203633567, + -1027.5373367703246, + -841.7782512595809, + -791.8290261740623, + -841.7781214845505, + -1027.537250025974, + 1920.4664878380333, 5000, 5000, 5000, @@ -2029,14 +2281,14 @@ 5000, 5000, 5000, - 166.8202529801495, - -1084.408756510508, - -824.0308495025059, - -675.7419571478208, - -768.2317830089248, - -820.2807405756504, - -1009.0955313883542, - -940.1565487694943, + 166.82233717510465, + -1084.4086797219916, + -824.0307011376526, + -675.7417692297325, + -768.2317075973456, + -820.2806744735327, + -1009.0953693613246, + -940.1561760491346, 5000, 5000, 5000, @@ -2045,13 +2297,13 @@ 5000, 5000, 5000, - 303.1079495852916, - -1083.1646565205208, - -877.0598804612328, - -818.1335717666535, - -877.059880461233, - -1083.1646565205203, - 303.1079495852924, + 303.10914164469574, + -1083.1645460281452, + -877.0597715632725, + -818.133493303301, + -877.0596420990947, + -1083.164367978376, + 303.10190556092925, 5000, 5000, 5000, @@ -2060,13 +2312,13 @@ 5000, 5000, 5000, - -940.1565487694946, - -1009.0955313883543, - -820.280740575651, - -820.4992112855526, - -880.4820301011955, - -1084.5200791988061, - 355.8409854510309, + -940.1562810734063, + -1009.0954323946529, + -820.2806086912547, + -820.4990952137326, + -880.4819339230427, + -1084.5198964933281, + 355.8423747939983, 5000, 5000, 5000, @@ -2075,13 +2327,13 @@ 5000, 5000, 5000, - -967.9506511153473, - -1016.5761706489807, - -828.1435746977581, - -776.9814527837618, - -828.1435746977583, - -1016.5761706489805, - -967.9506511153465, + -967.9504296650878, + -1016.576121775376, + -828.1434893171762, + -776.9813830291932, + -828.1433785087402, + -1016.5758769541698, + -967.9516822121788, 5000, 5000, 5000, @@ -2090,13 +2342,13 @@ 5000, 5000, 5000, - 355.84098545103024, - -1084.5200791988068, - -880.4820301011952, - -797.6929197116519, - -848.4720821712806, - -1033.849413673926, - 1914.5448072492497, + 355.84211062978574, + -1084.5199489263666, + -880.4818510668229, + -797.6927863770813, + -848.4719681247403, + -1033.8492252665394, + 1914.5482088916822, 5000, 5000, 5000, @@ -2104,15 +2356,15 @@ 5000, 5000, 5000, - 82.48615724419037, - -1095.6675439512212, - -836.3602472672944, - -691.3474039416234, - -652.8322049887787, - -691.3474039416229, - -836.3602472672943, - -1095.667543951221, - 82.48615724419096, + 82.48807195313049, + -1095.6675460149015, + -836.3601625943736, + -691.3472750049455, + -652.8320825157161, + -691.3471922624238, + -836.3599532566457, + -1095.6674070037525, + 82.47757973609062, 5000, 5000, 5000, @@ -2120,343 +2372,343 @@ 5000, 5000, 5000, - 1914.5448072492497, - -1033.849413673925, - -848.4720821712807, - -731.6842766641769, - -771.4359354763876, - -929.3683584489848, - 459.29127035377604, + 1914.5479112296887, + -1033.8492588278352, + -848.4718832689755, + -731.6842328869474, + -771.4359007246838, + -929.3682701579504, + 459.2933867144345, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.734222801089, - -1086.3390854047302, - -852.0116611507502, - -630.2788817065956, - -530.2348405995281, - -503.6092738056017, - -530.2348405995281, - -630.2788817065959, - -852.01166115075, - -1086.3390854047298, - 1164.7342228010884, + 1164.7399781652396, + -1086.3390297821286, + -852.0117885395729, + -630.278936844612, + -530.2348636159718, + -503.6093029964915, + -530.2348069842773, + -630.2787952183692, + -852.011540781793, + -1086.3392434914938, + 1164.7243489035877, 5000, 5000, 5000, 5000, 5000, 5000, - 459.2912703537764, - -929.3683584489855, - -771.4359354763873, - -604.7188311656696, - -637.8079532973845, - -761.205481539428, - -759.7115724182632, + 459.2932582475021, + -929.3682900967149, + -771.435823944559, + -604.7186748924112, + -637.8078096370155, + -761.2052688303983, + -759.7114490469355, 5000, 5000, 5000, 5000, 5000, - 95.56275366597413, - -1081.834411931389, - -858.0407508682872, - -605.6597569089072, - -461.3839240339523, - -395.23416597031274, - -376.43234489871355, - -395.2341659703129, - -461.38392403395216, - -605.6597569089071, - -858.0407508682872, - -1081.8344119313892, - 95.56275366597441, - 5000, - 5000, - 5000, - 5000, - 5000, - -759.7115724182634, - -761.2054815394278, - -637.807953297385, - -457.11290523457967, - -481.69483408127235, - -570.4393476935759, - -738.9640017019145, - -757.4999082283567, - 408.6786674523684, - 1746.909024463727, - 242.3717188358567, - -967.2592214840361, - -1085.5251752832964, - -845.2031233125114, - -601.9208936912812, - -439.1218014148874, - -345.88952026017967, - -300.1658692180224, - -285.7404023737199, - -300.16586921802246, - -345.8895202601797, - -439.12180141488756, - -601.9208936912814, - -845.2031233125114, - -1085.5251752832962, - -967.259221484036, - 242.37171883585663, - 1746.9090244637289, - 408.6786674523689, - -757.4999082283564, - -738.9640017019145, - -570.4393476935751, - -481.6948340812724, - -344.86893157904746, - -365.2299710327366, - -434.5093909349443, - -566.2702411320282, - -752.9467591612831, - -922.3112765316685, - -1028.5543529745717, - -1079.8295091629047, - -1007.4319231283758, - -825.0736869079855, - -621.8884330122443, - -455.5489774544396, - -343.7790488364589, - -275.2375657991038, - -238.7147801807477, - -228.55049558876152, - -238.7147801807478, - -275.23756579910366, - -343.7790488364588, - -455.54897745443935, - -621.8884330122437, - -825.0736869079856, - -1007.4319231283757, - -1079.829509162905, - -1028.5543529745719, - -922.3112765316685, - -752.9467591612829, - -566.2702411320281, - -434.50939093494446, - -365.22997103273667, - -283.05274941123315, - -301.3883100960293, - -362.029535094898, - -474.6918391704306, - -628.9479355834287, - -763.785261881242, - -842.0205589576394, - -876.1238250714425, - -821.7043451476825, - -681.8814239978409, - -521.6443000496004, - -389.22257884600106, - -296.6027782612331, - -237.28592647879418, - -205.72825785065044, - -196.30188267654557, - -205.72825785065052, - -237.28592647879415, - -296.6027782612334, - -389.22257884600054, - -521.6443000496005, - -681.8814239978407, - -821.7043451476828, - -876.1238250714423, - -842.02055895764, - -763.7852618812423, - -628.947935583429, - -474.6918391704302, - -362.02953509489805, - -301.3883100960293, - -263.59192862738706, - -281.38652342722713, - -340.5517254791634, - -450.0601417032876, - -596.7555148000686, - -726.4203815431063, - -794.7793695440535, - -819.6588198181457, - -773.3751169269822, - -645.0198291387308, - -495.68441805439426, - -371.04198812363256, - -282.2132774800934, - -226.32465261910784, - -195.38212349930026, - -184.8476654946283, - -195.38212349930035, - -226.32465261910775, - -282.21327748009327, - -371.04198812363256, - -495.68441805439426, - -645.0198291387303, - -773.3751169269825, - -819.6588198181457, - -794.7793695440531, - -726.4203815431064, - -596.7555148000687, - -450.06014170328774, - -340.55172547916317, - -281.38652342722736, - -279.9515502952392, - -298.4298528171868, - -360.33509767794084, - -475.7615514861344, - -632.6043295172186, - -770.2463205488873, - -849.0048800191895, - -882.5790493127467, - -827.6149637736333, - -686.1179565553964, - -524.4495521655034, - -389.86098801133795, - -296.58198666214844, - -236.55864833576467, - -204.17223150055148, - -194.47898131963146, - -204.17223150055148, - -236.5586483357646, - -296.58198666214844, - -389.8609880113381, - -524.4495521655032, - -686.117956555396, - -827.6149637736332, - -882.579049312747, - -849.0048800191898, - -770.2463205488872, - -632.6043295172185, - -475.7615514861344, - -360.335097677941, - -298.4298528171871, - -336.1398845351784, - -357.237868688469, - -429.4788380709606, - -566.34000033261, - -758.2786999489141, - -928.3863134865195, - -1033.205693831079, - -1088.4267256166925, - -1019.0474102073345, - -835.9463573770663, - -628.0440743402911, - -457.1958665030058, - -342.38121705821203, - -272.2932845229153, - -234.9971728236257, - -224.15985569132454, - -234.9971728236257, - -272.2932845229153, - -342.38121705821203, - -457.1958665030059, - -628.0440743402909, - -835.9463573770665, - -1019.0474102073342, - -1088.426725616693, - -1033.2056938310786, - -928.3863134865197, - -758.2786999489135, - -566.3400003326096, - -429.4788380709606, - -357.2378686884689, - -442.9561530131503, - -468.5828769368573, - -561.8072548493479, - -736.2416966920837, - -739.3276790748091, - 578.7291295075329, - 2101.6632181907626, - 424.68410783827073, - -939.5940340881867, - -1094.3819905786652, - -852.231633156508, - -604.2132127661804, - -436.6211379685895, - -340.1421356645408, - -292.94194815604453, - -278.60721608881806, - -292.94194815604476, - -340.1421356645402, - -436.6211379685896, - -604.2132127661805, - -852.2316331565077, - -1094.3819905786659, - -939.5940340881865, - 424.68410783826994, - 2101.6632181907617, - 578.7291295075332, - -739.3276790748092, - -736.2416966920838, - -561.8072548493474, - -468.58287693685713, - -588.2376173470324, - -623.3279895135648, - -749.7410222035438, - -738.3080496694789, - 5000, - 5000, - 5000, - 5000, - 5000, - 155.2777942752038, - -1087.5498451124197, - -859.8071572417242, - -601.1322230304999, - -452.0839836408255, - -384.1979058512181, - -364.8730654655851, - -384.19790585121785, - -452.0839836408256, - -601.1322230305, - -859.8071572417246, - -1087.5498451124192, - 155.27779427520372, + 95.56181964977539, + -1081.8343437742167, + -858.0407218314224, + -605.6596882520117, + -461.3838492933318, + -395.2340870999161, + -376.43227579601796, + -395.2340497167453, + -461.3837610285581, + -605.6595246486174, + -858.0401718065901, + -1081.8344563234773, + 95.55763630886808, + 5000, + 5000, + 5000, + 5000, + 5000, + -759.7114794730098, + -761.205283101636, + -637.8077476206305, + -457.11279824638245, + -481.6947397334096, + -570.4392147435026, + -738.9639012374212, + -757.5000033043837, + 408.67694820319576, + 1746.906010524344, + 242.37018942701883, + -967.2592198927758, + -1085.5251555562443, + -845.2031895517397, + -601.9209175121961, + -439.1217693552421, + -345.8894695659208, + -300.1658074774784, + -285.74034671499066, + -300.1657815374556, + -345.88941275465453, + -439.12166964303213, + -601.9205410068391, + -845.2027159095092, + -1085.524976075386, + -967.2597932928873, + 242.36917756655882, + 1746.9058107569529, + 408.6779789850197, + -757.499938044563, + -738.9639114701897, + -570.439226107283, + -481.6946945899018, + -344.86889495942995, + -365.2299456868787, + -434.50933954841014, + -566.2702211875871, + -752.9467278247166, + -922.311246289561, + -1028.5543550183813, + -1079.8295375847158, + -1007.4320040917718, + -825.073754045991, + -621.8885399433915, + -455.5490378369926, + -343.7790627070053, + -275.2375635565129, + -238.71476865137058, + -228.55048924846608, + -238.71474846453222, + -275.2375218431042, + -343.77899344011433, + -455.54878285490724, + -621.8882049105313, + -825.0735187486807, + -1007.431859249547, + -1079.8295574075676, + -1028.5544265757956, + -922.3113326408508, + -752.9467963901917, + -566.2702307498922, + -434.5093498255471, + -365.22991196301155, + -283.052658488744, + -301.3882279920197, + -362.0294235644339, + -474.69173386064824, + -628.9477973394166, + -763.7851118569816, + -842.0204103500588, + -876.1236508605526, + -821.7042168264998, + -681.8813241168257, + -521.6442725424023, + -389.22254713245786, + -296.6027300116451, + -237.28587702218675, + -205.7282044105168, + -196.30183572353036, + -205.72818680335388, + -237.28584121422648, + -296.60267228980786, + -389.222339806079, + -521.6440034761966, + -681.8811367026428, + -821.7041046834515, + -876.1236648805973, + -842.0204620899984, + -763.785182350802, + -628.9478570200117, + -474.69174494849983, + -362.0294340123026, + -301.38819959297416, + -263.59189969500767, + -281.38650638367034, + -340.55169057354925, + -450.0601330845896, + -596.7554997096908, + -726.4203582564273, + -794.7793476366319, + -819.6588040262792, + -773.3751458150695, + -645.019855763041, + -495.6844786439371, + -371.0420187375553, + -282.21327554482764, + -226.32463952764854, + -195.3821011176836, + -184.84764810073034, + -195.38208406967271, + -226.3246050927881, + -282.2132203266587, + -371.0418217012044, + -495.6842237742787, + -645.019678891855, + -773.3750445822054, + -819.6588160642481, + -794.7793923397431, + -726.4204265792274, + -596.7555587730336, + -450.06014492823505, + -340.5517011773284, + -281.3864791884431, + -279.9515126096306, + -298.4298264680522, + -360.33504967811473, + -475.76152675701354, + -632.6042903039531, + -770.2462615441556, + -849.0048143259289, + -882.5789948968937, + -827.6149712274118, + -686.1179693462914, + -524.4496052541335, + -389.86101118573777, + -296.5819769164993, + -236.5586285041814, + -204.17220347572356, + -194.47895863300877, + -204.1721856011666, + -236.55859216832576, + -296.58191830079767, + -389.86080071441086, + -524.4493320834863, + -686.1177792738705, + -827.6148578435622, + -882.5790087378008, + -849.0048663490746, + -770.2463339997497, + -632.6043515060089, + -475.76153827784486, + -360.3350602519841, + -298.42979774811096, + -336.13985455259774, + -357.23784940748817, + -429.4787891790767, + -566.3399770883283, + -758.278656165841, + -928.3862525715596, + -1033.2056253121912, + -1088.4266606462984, + -1019.0474240066577, + -835.9463822796002, + -628.0441508118338, + -457.1959032205071, + -342.3812122214298, + -272.2932672279022, + -234.9971474756746, + -224.15983639646785, + -234.99712678940594, + -272.2932244860193, + -342.3811412231475, + -457.19564205570043, + -628.0438074505196, + -835.9461414437914, + -1019.0472795714962, + -1088.4266843316636, + -1033.205697975163, + -928.3863389022623, + -758.2787267153004, + -566.3399873228586, + -429.47879973042023, + -357.23781504136423, + -442.9560503263596, + -468.5827848132817, + -561.8071120750789, + -736.2415530403329, + -739.327563101485, + 578.7284553327986, + 2101.6633641052445, + 424.6859581479443, + -939.5927516758059, + -1094.3816856814542, + -852.231583811226, + -604.2131659441536, + -436.62106543161593, + -340.1420646204822, + -292.9418765905754, + -278.60715410956965, + -292.9418498064061, + -340.14200601908124, + -436.6209627345283, + -604.2127793745486, + -852.2310992362125, + -1094.3815153923135, + -939.5934257973188, + 424.68481052177094, + 2101.663169177106, + 578.7296349768006, + -739.3274816421192, + -736.241563994333, + -561.8071237573237, + -468.582738794098, + -588.2374794652446, + -623.3278559071027, + -749.7407875391582, + -738.3077953939036, + 5000, + 5000, + 5000, + 5000, + 5000, + 155.27782252502993, + -1087.5496271480781, + -859.8069755178084, + -601.1320579747184, + -452.0838538693002, + -384.19779126415017, + -364.8729668057952, + -384.19775262783867, + -452.08376301956076, + -601.131889988161, + -859.8064121117753, + -1087.5497432374211, + 155.27335588615074, 5000, 5000, 5000, 5000, 5000, - -738.3080496694786, - -749.7410222035438, - -623.3279895135648, - -720.6091121620134, - -762.5696015068328, - -920.8665829719389, - 523.8025187183845, + -738.3078243466902, + -749.7408023053151, + -623.3277927384428, + -720.608891467497, + -762.5693950390131, + -920.8662396000525, + 523.8030661043839, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4457091939914, - -1082.7410375360992, - -845.236931176529, - -618.7502935130823, - -515.6079821055608, - -487.8103929270032, - -515.607982105561, - -618.7502935130825, - -845.2369311765287, - -1082.7410375360985, - 1193.4457091939912, + 1193.4407481555602, + -1082.7408878234328, + -845.2365939668426, + -618.7500252475163, + -515.6077499488031, + -487.8101843091984, + -515.6076916548698, + -618.7498799938628, + -845.2363417219287, + -1082.7411115375758, + 1193.4249536187174, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8025187183841, - -920.8665829719395, - -762.5696015068329, - -791.8291522507334, - -841.7783864781037, - -1027.5374846350146, - 1920.4787345929537, + 523.8029472226258, + -920.8662602971568, + -762.569316941605, + -791.828930502077, + -841.7781722160479, + -1027.537099186874, + 1920.4828803785374, 5000, 5000, 5000, @@ -2464,15 +2716,15 @@ 5000, 5000, 5000, - 166.8202521364377, - -1084.4087571809334, - -824.0308500578915, - -675.7419575564481, - -636.6040890873824, - -675.7419575564484, - -824.0308500578911, - -1084.408757180933, - 166.82025213643746, + 166.8175193423177, + -1084.4084564973025, + -824.0304604842094, + -675.7416216496554, + -636.6037861186234, + -675.7415369653332, + -824.0302474990076, + -1084.4083296932686, + 166.8064837943076, 5000, 5000, 5000, @@ -2480,13 +2732,13 @@ 5000, 5000, 5000, - 1920.4787345929544, - -1027.537484635015, - -841.7783864781039, - -818.1335719831515, - -877.0598806779989, - -1083.1646567808957, - 303.10794926335944, + 1920.48259302014, + -1027.5371324632588, + -841.7780870775268, + -818.1334526592353, + -877.0597588284993, + -1083.1643956804196, + 303.10749494002675, 5000, 5000, 5000, @@ -2495,13 +2747,13 @@ 5000, 5000, 5000, - -940.1565491522359, - -1009.095531694405, - -820.2807408343587, - -768.231783262077, - -820.2807408343589, - -1009.0955316944049, - -940.1565491522359, + -940.1562086569597, + -1009.0955235316275, + -820.2807075763137, + -768.2317655431208, + -820.2805951509064, + -1009.0952781854805, + -940.1575626979858, 5000, 5000, 5000, @@ -2510,13 +2762,13 @@ 5000, 5000, 5000, - 303.1079492633594, - -1083.164656780895, - -877.0598806779983, - -776.9814528409554, - -828.1435747629213, - -1016.5761707192154, - -967.9506511357172, + 303.10722110912144, + -1083.1644471963452, + -877.0596760813156, + -776.981231758255, + -828.1433430097034, + -1016.5757909647375, + -967.9508380787154, 5000, 5000, 5000, @@ -2525,13 +2777,13 @@ 5000, 5000, 5000, - 355.84098547783276, - -1084.5200791642094, - -880.4820301240147, - -820.499211313794, - -880.4820301240151, - -1084.5200791642092, - 355.8409854778326, + 355.8416163450302, + -1084.5199335512566, + -880.48188186135, + -820.4990872930173, + -880.4817518797898, + -1084.5197585453861, + 355.8341232430496, 5000, 5000, 5000, @@ -2540,14 +2792,14 @@ 5000, 5000, 5000, - -967.9506511357174, - -1016.5761707192153, - -828.143574762921, - -652.8322052914782, - -691.3474042614943, - -836.3602476334258, - -1095.6675443964207, - 82.48615666602727, + -967.9509535794214, + -1016.5758535205213, + -828.1432773608074, + -652.8319304286205, + -691.3471288421599, + -836.3598770743348, + -1095.6672654648057, + 82.48424863283907, 5000, 5000, 5000, @@ -2555,13 +2807,13 @@ 5000, 5000, 5000, - 1914.5448070203379, - -1033.8494138496633, - -848.4720823108868, - -797.6929198293875, - -848.4720823108868, - -1033.849413849663, - 1914.5448070203367, + 1914.5475104160798, + -1033.8492398669036, + -848.4719201371522, + -797.6927822584445, + -848.4717913630234, + -1033.8491538433136, + 1914.5320817893257, 5000, 5000, 5000, @@ -2569,345 +2821,345 @@ 5000, 5000, 5000, - 82.4861566660274, - -1095.6675443964211, - -836.360247633426, - -691.3474042614943, - -503.60927435635637, - -530.2348411965721, - -630.27888246064, - -852.011662155249, - -1086.3390867823023, - 1164.7342209365759, + 82.4867648940615, + -1095.667349799302, + -836.3599400754907, + -691.3470855388045, + -503.60918732423016, + -530.2347547145088, + -630.2787361810049, + -852.0115204259162, + -1086.3388490696036, + 1164.7353656900148, 5000, 5000, 5000, 5000, 5000, 5000, - 459.2912689140784, - -929.3683594676322, - -771.4359362472856, - -731.6842773571251, - -771.4359362472858, - -929.3683594676326, - 459.2912689140782, + 459.2952162508875, + -929.3682883946432, + -771.4358707783988, + -731.6842425707074, + -771.435760283362, + -929.3681471624482, + 459.28768625540624, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.7342209365763, - -1086.3390867823023, - -852.0116621552488, - -630.2788824606397, - -530.2348411965721, - -376.4323450533266, - -395.2341661150439, - -461.3839241865088, - -605.6597570638897, - -858.0407509971586, - -1081.834412037316, - 95.56275356264553, + 1164.7431836163576, + -1086.338776863912, + -852.0116081193553, + -630.2787904954115, + -530.2347286606641, + -376.4323497624026, + -395.23417641915785, + -461.3839176558334, + -605.6598048688668, + -858.0408170488948, + -1081.8340963163366, + 95.56839073503465, 5000, 5000, 5000, 5000, 5000, - -759.7115724698175, - -761.2054815386612, - -637.8079532672149, - -604.718831144498, - -637.8079532672145, - -761.2054815386609, - -759.7115724698176, - 5000, - 5000, - 5000, - 5000, - 5000, - 95.5627535626451, - -1081.8344120373158, - -858.0407509971577, - -605.659757063889, - -461.3839241865087, - -395.2341661150438, - -285.7404029731035, - -300.16586993200684, - -345.8895212669243, - -439.12180289018534, - -601.9208957622615, - -845.2031259758985, - -1085.5251783034807, - -967.2592244648289, - 242.37171629221905, - 1746.9090225460795, - 408.67866620089717, - -757.4999089493186, - -738.964002057421, - -570.43934782819, - -481.69483409750126, - -457.11290521744985, - -481.69483409750126, - -570.4393478281899, - -738.9640020574208, - -757.4999089493186, - 408.6786662008974, - 1746.909022546078, - 242.37171629221888, - -967.2592244648291, - -1085.5251783034807, - -845.2031259758986, - -601.9208957622614, - -439.1218028901853, - -345.88952126692436, - -300.165869932007, - -228.5504971807319, - -238.71478200210046, - -275.2375684200757, - -343.7790530146974, - -455.5489843272363, - -621.8884439252234, - -825.073702695477, - -1007.4319429677403, - -1079.8295303358038, - -1028.5543725888915, - -922.3112924436591, - -752.946770134788, - -566.2702477113814, - -434.50939462648984, - -365.22997325699254, - -344.86893335749, - -365.22997325699225, - -434.5093946264896, - -566.270247711381, - -752.946770134788, - -922.3112924436591, - -1028.5543725888908, - -1079.829530335804, - -1007.4319429677406, - -825.0737026954769, - -621.8884439252233, - -455.5489843272366, - -343.7790530146977, - -275.237568420076, - -238.71478200210046, - -196.30188399604393, - -205.7282592274127, - -237.28592801215987, - -296.60278009243956, - -389.222581227583, - -521.6443034572477, - -681.8814293005967, - -821.704353153703, - -876.1238351683307, - -842.0205693793955, - -763.7852718069611, - -628.9479435798144, - -474.69184427465194, - -362.02953804888324, - -301.3883120161557, - -283.0527510457667, - -301.38831201615574, - -362.02953804888335, - -474.69184427465217, - -628.9479435798144, - -763.7852718069614, - -842.0205693793956, - -876.123835168331, - -821.7043531537031, - -681.8814293005969, - -521.6443034572475, - -389.22258122758336, - -296.6027800924393, - -237.28592801215993, - -205.72825922741276, - -223.3480214326107, - -236.0739691761412, - -282.11745280299505, - -371.6580043329856, - -528.2718962756383, - -751.7768945990036, - -903.06477580661, - -328.7903488895825, - 1723.8147396830275, - 2809.007278891944, - 764.2956045454248, - -597.2892646377961, - -625.0863034268662, - -449.7736631846775, - -349.0236730227862, - -321.04873715495467, - -349.0236730227863, - -449.7736631846777, - -625.0863034268664, - -597.2892646377962, - 764.2956045454249, - 2809.007278891945, - 1723.8147396830282, - -328.79034888958256, - -903.0647758066101, - -751.7768945990033, - -528.2718962756381, - -371.6580043329854, - -282.11745280299516, - -236.07396917614136, - -234.4750352519914, - -249.56172085215226, - -295.6048735831684, - -386.4661875493341, - -544.3087058322991, - -771.8459931458674, - -944.5604630599964, - -437.2966989786782, - 1825.5082995753728, - 3864.325211611226, - 1377.9234967204472, - -545.6360407150502, - -643.452655440048, - -473.9502275547279, - -375.1159510339285, - -346.24601546950936, - -375.1159510339287, - -473.95022755472775, - -643.4526554400475, - -545.6360407150503, - 1377.9234967204472, - 3864.325211611224, - 1825.508299575374, - -437.29669897867785, - -944.5604630599963, - -771.8459931458665, - -544.3087058322989, - -386.466187549334, - -295.60487358316834, - -249.5617208521523, - -278.6072029062191, - -292.94193527159905, - -340.1421237381671, - -436.62112758419727, - -604.213204883438, - -852.2316267794384, - -1094.3819818831544, - -939.5940140270037, - 424.68431500922276, - 2101.6639318531716, - 578.7295459537721, - -739.3276121363962, - -736.2416793108639, - -561.8072375326234, - -468.58285732027485, - -442.9561325819618, - -468.5828573202751, - -561.8072375326234, - -736.2416793108641, - -739.3276121363963, - 578.7295459537721, - 2101.6639318531734, - 424.6843150092231, - -939.594014027004, - -1094.3819818831544, - -852.2316267794386, - -604.2132048834377, - -436.62112758419727, - -340.14212373816736, - -292.94193527159877, - -365.00698365836865, - -380.3598664162441, - -432.60645860894033, - -540.1824022066552, - -740.8558880506464, - -1039.6389279696086, - -1333.9941571154611, - -1252.6495607641182, - -417.00683934282114, - 173.1087056491476, - -612.6637283948601, - -1097.186874146387, - -933.948657601889, - -731.4669880642747, - -635.3357589495635, - -616.2740518584615, - -635.3357589495631, - -731.4669880642746, - -933.9486576018891, - -1097.1868741463861, - -612.6637283948603, - 173.10870564914768, - -417.00683934282114, - -1252.6495607641182, - -1333.9941571154618, - -1039.638927969609, - -740.8558880506462, - -540.1824022066551, - -432.60645860894016, - -380.359866416244, - -517.3390578251046, - -533.1746067177922, - -594.5524700283198, - -734.4315902251645, - -991.284483800852, - -1251.077145677574, - -454.51558714740935, - 5000, - 5000, - 5000, - 5000, - 167.02372734268928, - -1105.3695071489062, - -770.0738848478431, - -573.0139922006754, - -619.3827300831961, - -573.0139922006757, - -770.0738848478437, - -1105.3695071489058, - 167.02372734268968, + -759.7106194353707, + -761.2056207346409, + -637.8080469365788, + -604.7189241676936, + -637.8079634554696, + -761.2054413950661, + -759.7113611812267, + 5000, + 5000, + 5000, + 5000, + 5000, + 95.57199495233137, + -1081.833994520788, + -858.0410012935187, + -605.6598732494023, + -461.38395945909593, + -395.2341603734501, + -285.7404284614666, + -300.1659018638014, + -345.88955170415807, + -439.1218957109211, + -601.9210726517471, + -845.2034011725124, + -1085.525416904612, + -967.2575713286215, + 242.38160235753963, + 1746.9326255426886, + 408.69173554571665, + -757.4985701089247, + -738.9642894322424, + -570.4395909520517, + -481.69500807973174, + -457.1130688428987, + -481.6949481864354, + -570.4394509581838, + -738.9641084629603, + -757.499352786119, + 408.68737539505804, + 1746.933036715906, + 242.38467335137435, + -967.2569799929329, + -1085.525541008953, + -845.2036349927023, + -601.9212084417953, + -439.1219434905915, + -345.8895832431433, + -300.16589095752136, + -228.55044896776397, + -238.7147327930253, + -275.23749700589707, + -343.7789806268943, + -455.5488840985773, + -621.888291222726, + -825.0735753555873, + -1007.4318472208134, + -1079.829452621865, + -1028.5543149536804, + -922.3112701394768, + -752.9467535059791, + -566.2702145200537, + -434.5093464136664, + -365.22991163094804, + -344.86887315317443, + -365.2298654892091, + -434.5092425940792, + -566.2700446596567, + -752.9463469417229, + -922.3109926838996, + -1028.5541844102572, + -1079.8294430600079, + -1007.431972743289, + -825.0737686080038, + -621.8884628480735, + -455.5489805441122, + -343.7790166723083, + -275.2375221412446, + -238.71472429746353, + -196.30184822363566, + -205.72822292921208, + -237.28587465962894, + -296.60272920883637, + -389.2225150704281, + -521.6442054271464, + -681.8813607577769, + -821.7043115636338, + -876.1238156225322, + -842.020586435778, + -763.7853035368416, + -628.947953818619, + -474.69182678835847, + -362.02950456503856, + -301.38826419436947, + -283.05270450111425, + -301.3882236226094, + -362.0294149941443, + -474.6916837446262, + -628.9476204958573, + -763.7850850932402, + -842.020497922754, + -876.1238124969811, + -821.7044108276083, + -681.8815178238873, + -521.6443468401349, + -389.2225960956321, + -296.60276055234567, + -237.2858967430085, + -205.72821538825735, + -223.3479969524289, + -236.07394612553443, + -282.11741123856405, + -371.6579765174353, + -528.2718630934214, + -751.7768410884025, + -903.0648085071979, + -328.7902044386191, + 1723.8145473373881, + 2809.0086390411752, + 764.2974814370658, + -597.2890536811043, + -625.0863394858031, + -449.77366555922583, + -349.0236442218831, + -321.04870808486834, + -349.02357950185416, + -449.77351480826104, + -625.0861599715062, + -597.290064242823, + 764.2923368477511, + 2809.0073154767, + 1723.8184424933495, + -328.7887211638397, + -903.0647385554263, + -751.7770630820813, + -528.271998984959, + -371.6580232659391, + -282.11744003196293, + -236.0739353495385, + -234.4750340866198, + -249.56172281529686, + -295.6048629885163, + -386.46620509451446, + -544.3087395615903, + -771.8460321890374, + -944.560591845509, + -437.2965772171815, + 1825.5077489792966, + 3864.325515768568, + 1377.925126284657, + -545.6359238397787, + -643.4527249637455, + -473.9502457497987, + -375.11592952579883, + -346.2459908650201, + -375.11586549976323, + -473.9500973747765, + -643.4525613727584, + -545.6373838696155, + 1377.9179285171576, + 3864.3251119154083, + 1825.5128118995112, + -437.2951623316315, + -944.5605601426495, + -771.8462569002543, + -544.3088756791794, + -386.4662520611101, + -295.604892410353, + -249.56171168936308, + -278.60717759935665, + -292.94191191340207, + -340.14208222533944, + -436.62110747254457, + -604.2131845504679, + -852.2315917610696, + -1094.382049013341, + -939.5941074274701, + 424.68258758547444, + 2101.6605036509063, + 578.7287086601643, + -739.3277969213138, + -736.2417153048209, + -561.8072049300471, + -468.58278411702145, + -442.9560534821621, + -468.5827218522456, + -561.8070597405814, + -736.2415314633575, + -739.3287037181494, + 578.7237748352287, + 2101.6609149315727, + 424.6860397918569, + -939.5934172316745, + -1094.3821637250019, + -852.2318322322099, + -604.2133240710425, + -436.6211560931495, + -340.14211390358247, + -292.94190052785365, + -365.0069318068765, + -380.35981564174597, + -432.60638303023904, + -540.1823509290776, + -740.85583245787, + -1039.6388494066712, + -1333.9941323976564, + -1252.6492312716957, + -417.0065970804985, + 173.10875489938138, + -612.6634269137194, + -1097.1868962238234, + -933.9486517907415, + -731.4669306586648, + -635.3356797003181, + -616.2739593418579, + -635.3356168655354, + -731.4667776718935, + -933.9484142631559, + -1097.1869436321513, + -612.6651998728256, + 173.10883043588117, + -417.0051754076497, + -1252.6490396331053, + -1333.9943401289988, + -1039.6391255872682, + -740.8559908359963, + -540.1824064408053, + -432.6064201095526, + -380.35980348962465, + -517.3390278651473, + -533.1745758831871, + -594.5524032648549, + -734.431551219484, + -991.2844364981105, + -1251.077215824511, + -454.5156929206582, + 5000, + 5000, + 5000, + 5000, + 167.02373442860778, + -1105.3695244527396, + -770.0740795403036, + -573.014427189508, + -619.3830201642838, + -573.0143574749773, + -770.0739020180855, + -1105.369455730991, + 167.0150317307964, 5000, 5000, 5000, 5000, - -454.5155871474091, - -1251.0771456775738, - -991.2844838008523, - -734.4315902251643, - -594.5524700283196, - -533.1746067177926, - -738.0353629530564, - -756.6562719816056, - -837.8571581042165, - -1027.0668708716073, - -1244.166088837044, - 794.232522342198, + -454.514174180867, + -1251.0772368515027, + -991.2846206143125, + -734.4316219916235, + -594.5524501664743, + -533.1745616594737, + -738.0351444111649, + -756.6560522244395, + -837.8568889373644, + -1027.0666435525598, + -1244.1660138051877, + 794.2275891106347, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1113323075997, - 383.9066795999899, - 1237.3262395467423, - 637.2640773453087, - 1237.326239546742, - 383.9066795999898, - -688.1113323076002, + -688.1113537186246, + 383.9048653739038, + 1237.322216766312, + 637.2614038869038, + 1237.3223015996743, + 383.90509397402207, + -688.1123764600447, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2325223421973, - -1244.1660888370436, - -1027.066870871607, - -837.8571581042164, - -756.6562719816054, - -906.2909148424275, - -944.5815527254755, - -1087.232155087703, - -1321.7196231058304, - -449.07428930060934, + 794.2341906004053, + -1244.1659855562796, + -1027.066731948073, + -837.856948659669, + -756.6560329588563, + -906.290771408068, + -944.5813970529932, + -1087.2319144711369, + -1321.719446807466, + -449.07475534141133, 5000, 5000, 5000, @@ -2915,13 +3167,13 @@ 5000, 5000, 5000, - 64.4665516270415, - 1924.2521665939983, - 3871.954888598034, - 2746.293967426785, - 3871.9548885980344, - 1924.2521665939983, - 64.4665516270415, + 64.46665776746913, + 1924.2498423207458, + 3871.9482556429675, + 2746.2889277462973, + 3871.948359137611, + 1924.2501755061132, + 64.46480120498649, 5000, 5000, 5000, @@ -2929,14 +3181,14 @@ 5000, 5000, 5000, - -449.0742893006091, - -1321.7196231058306, - -1087.232155087703, - -944.5815527254758, - -406.6642766222487, - -519.3246014015598, - -990.5520940138551, - -1258.6796755295504, + -449.07345877584703, + -1321.719576061166, + -1087.231979369777, + -944.5813670823319, + -406.6642022427172, + -519.3244065430928, + -990.5517021438897, + -1258.6792801986971, 5000, 5000, 5000, @@ -2945,13 +3197,13 @@ 5000, 5000, 5000, - -422.2524891883861, - 438.0389443322048, - 1973.0953595963701, - 1853.0797481018121, - 1973.09535959637, - 438.03894433220466, - -422.25248918838633, + -422.25298093656573, + 438.0376920041381, + 1973.0915996002786, + 1853.0757022082519, + 1973.0917027532385, + 438.03806328903227, + -422.2536452950044, 5000, 5000, 5000, @@ -2960,13 +3212,13 @@ 5000, 5000, 5000, - -1258.6796755295509, - -990.5520940138554, - -519.3246014015597, - 1588.3455894826427, - 1640.3739365883569, - 228.31379769866075, - -462.2465257483066, + -1258.67977394436, + -990.5517057291188, + -519.3243488727421, + 1588.345035610616, + 1640.3745655641444, + 228.3151710959937, + -462.2455461163854, 5000, 5000, 5000, @@ -2975,13 +3227,13 @@ 5000, 5000, 5000, - -1228.8181957618285, - -913.1710158576055, - -368.58469948484293, - -244.57452872602178, - -368.5846994848429, - -913.1710158576059, - -1228.8181957618287, + -1228.8181264988987, + -913.1706536274444, + -368.5843019537451, + -244.57440749790499, + -368.5842221163572, + -913.170387923307, + -1228.8180656821821, 5000, 5000, 5000, @@ -2990,13 +3242,13 @@ 5000, 5000, 5000, - -462.24652574830657, - 228.3137976986611, - 1640.3739365883575, - 2849.7481954970026, - 3911.935528935983, - 1912.3633086998625, - 89.21344263780976, + -462.2469646865794, + 228.31550716911002, + 1640.374519047388, + 2849.7464886955945, + 3911.934979597344, + 1912.3640524368714, + 89.21431864599616, 5000, 5000, 5000, @@ -3004,15 +3256,15 @@ 5000, 5000, 5000, - -442.67473659512154, - -1325.8072804420297, - -1091.3582141707016, - -938.6692445323571, - -897.118640365522, - -938.6692445323567, - -1091.3582141707009, - -1325.80728044203, - -442.67473659512166, + -442.67363508393936, + -1325.8073235776644, + -1091.358173946959, + -938.669238883768, + -897.1186886611754, + -938.6691814635035, + -1091.3580048816868, + -1325.8070950991307, + -442.6809767024664, 5000, 5000, 5000, @@ -3020,343 +3272,343 @@ 5000, 5000, 5000, - 89.2134426378097, - 1912.3633086998636, - 3911.9355289359837, - 890.2664415509269, - 1584.5355336043435, - 607.3824644372414, - -655.2583986008746, + 89.21299743570314, + 1912.3649111055815, + 3911.9343748944398, + 890.2662610704979, + 1584.5360189574294, + 607.3833125347737, + -655.2577847465934, 5000, 5000, 5000, 5000, 5000, 5000, - 785.73463053869, - -1248.1402515549407, - -1040.7071690415025, - -859.5048782971176, - -782.0503919617006, - -764.9281037096677, - -782.0503919617004, - -859.5048782971176, - -1040.7071690415023, - -1248.1402515549412, - 785.7346305386911, + 785.7398783085223, + -1248.140164471873, + -1040.707224123967, + -859.5048727558949, + -782.0503728632025, + -764.9280907385911, + -782.0503298188188, + -859.5047587310877, + -1040.7070084516154, + -1248.1402871793086, + 785.7261581384772, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2583986008743, - 607.3824644372411, - 1584.5355336043426, - -571.5506290758099, - -503.0799523891173, - -723.3115792179811, - -1105.608456038097, - -3.960419623988958, + -655.2581783604713, + 607.3837869005771, + 1584.535645537522, + -571.5507504966539, + -503.08000431705807, + -723.3113988844239, + -1105.6083274740172, + -3.963194912283046, 5000, 5000, 5000, 5000, - -436.8779005877282, - -1241.5111105607882, - -991.8967494548798, - -744.9268793327161, - -611.6875916368605, - -554.2916953711549, - -539.8541614411993, - -554.2916953711549, - -611.68759163686, - -744.9268793327163, - -991.8967494548797, - -1241.5111105607882, - -436.87790058772805, - 5000, - 5000, - 5000, - 5000, - -3.9604196239885, - -1105.6084560380973, - -723.311579217981, - -503.07995238911707, - -634.6080975323746, - -650.5091997295377, - -743.3070979838269, - -940.548827466135, - -1113.944315855477, - -724.5479707286939, - -0.07629823303556763, - -456.14726215272987, - -1233.8870973873493, - -1314.3752493874185, - -1028.7700742528225, - -739.2670128326776, - -546.1573651741776, - -443.56050893564435, - -393.96450695679493, - -380.2188870028444, - -393.96450695679505, - -443.5605089356445, - -546.1573651741782, - -739.2670128326772, - -1028.7700742528225, - -1314.3752493874188, - -1233.8870973873495, - -456.14726215272987, - -0.07629823303560992, - -724.5479707286946, - -1113.9443158554773, - -940.5488274661351, - -743.307097983827, - -650.5091997295369, - -457.1129086895062, - -481.6948373866498, - -570.4393514535419, - -738.9640136966134, - -757.5000385729635, - 408.67778433769087, - 1746.907441678271, - 242.37114810068437, - -967.2592894849186, - -1085.5251848214773, - -845.2031255729609, - -601.9208905937952, - -439.1217943414066, - -345.8895111169038, - -300.16585902119004, - -285.7403918369068, - -300.1658590211902, - -345.8895111169039, - -439.12179434140666, - -601.920890593795, - -845.2031255729605, - -1085.525184821478, - -967.2592894849182, - 242.37114810068422, - 1746.907441678271, - 408.677784337691, - -757.5000385729638, - -738.9640136966135, - -570.4393514535426, - -481.6948373866497, - -352.5453153236595, - -380.0363449522518, - -476.6448694765517, - -643.0542247328451, - -536.3416757736825, - 1432.3869881422509, - 3924.757962898173, - 1781.507757510315, - -457.99041603942356, - -940.9824006995424, - -767.467762634412, - -543.0939294724625, - -387.3295521901063, - -297.5913270172989, - -251.9153956217276, - -237.70230484167303, - -251.91539562172764, - -297.5913270172986, - -387.32955219010637, - -543.0939294724626, - -767.4677626344119, - -940.9824006995424, - -457.99041603942356, - 1781.5077575103146, - 3924.757962898173, - 1432.386988142251, - -536.3416757736826, - -643.0542247328451, - -476.6448694765518, - -380.0363449522517, - -321.0487450923846, - -349.0236826683307, - -449.77367905739993, - -625.0863220977818, - -597.2891457294044, - 764.2966346314489, - 2809.00963958798, - 1723.816422430622, - -328.7899118144131, - -903.0647477040274, - -751.7769106517957, - -528.271906217794, - -371.6580092917411, - -282.11745572940913, - -236.07397129905488, - -223.34802339430044, - -236.07397129905473, - -282.1174557294092, - -371.65800929174105, - -528.2719062177941, - -751.776910651796, - -903.064747704027, - -328.7899118144132, - 1723.8164224306217, - 2809.009639587979, - 764.296634631449, - -597.2891457294046, - -625.0863220977822, - -449.7736790573998, - -349.0236826683308, - -346.2460176273731, - -375.1159534868311, - -473.95023099574877, - -643.4526611070265, - -545.6360501572817, - 1377.9234819639655, - 3864.3251920831162, - 1825.508277898529, - -437.2967203736867, - -944.5604819768782, - -771.8460071396415, - -544.3087145271145, - -386.4661924751579, - -295.6048762754135, - -249.5617225555219, - -234.47503664777713, - -249.5617225555219, - -295.60487627541346, - -386.46619247515815, - -544.3087145271145, - -771.8460071396418, - -944.5604819768783, - -437.2967203736869, - 1825.508277898529, - 3864.325192083116, - 1377.923481963966, - -545.6360501572815, - -643.4526611070263, - -473.95023099574894, - -375.1159534868313, - -442.9561345103937, - -468.5828597689993, - -561.807241958508, - -736.2416876015892, - -739.3276242491734, - 578.7295391541393, - 2101.663941388428, - 424.6843218820822, - -939.5940283231749, - -1094.3820038648923, - -852.2316440998356, - -604.2132157094603, - -436.6211336993139, - -340.14212693843297, - -292.94193702071533, - -278.60720428795895, - -292.9419370207154, - -340.1421269384328, - -436.62113369931365, - -604.2132157094604, - -852.2316440998352, - -1094.3820038648923, - -939.5940283231745, - 424.6843218820823, - 2101.663941388428, - 578.7295391541389, - -739.3276242491738, - -736.2416876015893, - -561.8072419585084, - -468.5828597689993, - -616.2740536620199, - -635.3357611382531, - -731.4669915240297, - -933.9486635735068, - -1097.1868837623826, - -612.663741186819, - 173.10869185328218, - -417.0068525995584, - -1252.6495722530603, - -1333.9941653552971, - -1039.6389328591856, - -740.8558906813197, - -540.1824036020844, - -432.60645941976424, - -380.3598669852969, - -365.00698419586865, - -380.3598669852971, - -432.60645941976446, - -540.1824036020844, - -740.8558906813196, - -1039.638932859185, - -1333.9941653552971, - -1252.64957225306, - -417.00685259955844, - 173.1086918532825, - -612.6637411868187, - -1097.1868837623824, - -933.9486635735067, - -731.4669915240295, - -635.3357611382534, - -619.3827307750133, - -573.0139929176071, - -770.0738857085312, - -1105.3695082915021, - 167.02372582154698, - 5000, - 5000, - 5000, - 5000, - -454.51558966263894, - -1251.077147683519, - -991.2844852901356, - -734.4315912849956, - -594.5524707699333, - -533.1746072786531, - -517.3390583287842, - -533.1746072786526, - -594.5524707699336, - -734.4315912849962, - -991.2844852901356, - -1251.0771476835196, - -454.51558966263894, + -436.8788607764725, + -1241.5110884128312, + -991.8967232220418, + -744.9268072363841, + -611.6875089668226, + -554.2916129684801, + -539.8540866697199, + -554.2915794811485, + -611.6874278951946, + -744.926652287338, + -991.8961772329914, + -1241.5110052521466, + -436.8808138901226, + 5000, + 5000, + 5000, + 5000, + -3.9632333843086682, + -1105.6083832748618, + -723.3113389618438, + -503.08000130022714, + -634.6079646348547, + -650.5090744354098, + -743.3069168581815, + -940.5486793721208, + -1113.9441868149233, + -724.5482492604883, + -0.07704099294708103, + -456.1479762168884, + -1233.8870350251411, + -1314.375193801757, + -1028.77014544357, + -739.2670413198023, + -546.1573376503666, + -443.56046381079443, + -393.964454940385, + -380.2188417843709, + -393.964426892546, + -443.56040029200705, + -546.1572226876863, + -739.2665980123816, + -1028.7695832537847, + -1314.3749100595705, + -1233.8871261926618, + -456.14810020606217, + -0.0773803273645988, + -724.5482240331426, + -1113.944291236092, + -940.5486891806647, + -743.3069230554786, + -650.5090245859934, + -457.1128659037726, + -481.69480714918046, + -570.4392848107041, + -738.9639753346546, + -757.4999644793609, + 408.6778417887301, + 1746.907731939275, + 242.37077131196145, + -967.2592411450819, + -1085.525255944856, + -845.2032752214222, + -601.9209804653501, + -439.1218184620855, + -345.889512129307, + -300.16584836761183, + -285.74038723615956, + -300.1658224275872, + -345.8894553180353, + -439.1217187498655, + -601.9206039599569, + -845.2028015791503, + -1085.525076463998, + -967.2598145453871, + 242.3697594509277, + 1746.9075321715973, + 408.67887257126307, + -757.4998992194625, + -738.9639855674244, + -570.4392961744853, + -481.6947620056706, + -352.5452412523029, + -380.0362909272511, + -476.64479213992655, + -643.0541797259037, + -536.3416288487492, + 1432.386679133163, + 3924.758688648216, + 1781.5087854129808, + -457.98954638469013, + -940.9823311167393, + -767.4678549581205, + -543.0939812891381, + -387.32954510784884, + -297.59130024611227, + -251.91535593033578, + -237.7022713365361, + -251.91533034074158, + -297.5912446587169, + -387.3294481339668, + -543.0936211119512, + -767.4674189717254, + -940.9823084847015, + -457.9909067237174, + 1781.507058893274, + 3924.7587287770034, + 1432.388482223042, + -536.3414718330492, + -643.0541955916497, + -476.64480550402124, + -380.03624864837525, + -321.04870317415924, + -349.0236581467533, + -449.7736193856446, + -625.0862833471114, + -597.2891620145981, + 764.2959636250976, + 2809.0091881563026, + 1723.8162336705316, + -328.7894903112705, + -903.0647185364054, + -751.7769915141996, + -528.2719552628793, + -371.6580050759371, + -282.1174357570686, + -236.07393998065433, + -223.34799895343664, + -236.07391414352506, + -282.117379986593, + -371.65790762282916, + -528.2715944972762, + -751.7765591126267, + -903.0647411641042, + -328.7909657157593, + 1723.814910065485, + 2809.009587151488, + 764.2972125726027, + -597.2890690487412, + -625.0863018516859, + -449.77363363830517, + -349.0236165086759, + -346.24595158892214, + -375.1159049036471, + -473.9501492209449, + -643.4525944725273, + -545.6359161750933, + 1377.9236758524598, + 3864.3261880625323, + 1825.5083550880659, + -437.2962636783155, + -944.5604663943867, + -771.8461101602836, + -544.3087736465021, + -386.4661872459647, + -295.6048479497335, + -249.56167946776674, + -234.47499935603318, + -249.56165341157174, + -295.6047915313025, + -386.466088829341, + -544.3084086029892, + -771.8456688313197, + -944.5604506949595, + -437.29767031681, + 1825.506646081863, + 3864.3262829790488, + 1377.9254399922381, + -545.6357648224526, + -643.4526108370221, + -473.95016271202354, + -375.11586223511034, + -442.9561452286696, + -468.58287980726425, + -561.8072124109785, + -736.2416800764944, + -739.3277871108888, + 578.7278749615066, + 2101.6611349463, + 424.68280922895923, + -939.5940362049873, + -1094.3820435463822, + -852.2317759033177, + -604.2132953773335, + -436.6211515775848, + -340.14212603365866, + -292.94192684641683, + -278.6072014121524, + -292.9419000622404, + -340.1420674322395, + -436.62104888046156, + -604.2129088076152, + -852.2312913281643, + -1094.3818732568825, + -939.5947103246707, + 424.6816616034615, + 2101.660940016895, + 578.7290546050702, + -739.3277056515952, + -736.241691030509, + -561.8072240932314, + -468.58283378807755, + -616.2739503160224, + -635.3356675318721, + -731.4668300321312, + -933.9485086331589, + -1097.1867813571714, + -612.6643848144553, + 173.10733971016344, + -417.0077545405198, + -1252.6494445403016, + -1333.9940252889883, + -1039.6389280262906, + -740.8558568934229, + -540.1823246524755, + -432.6063713034104, + -380.35977650954675, + -365.0069028088612, + -380.3597470958051, + -432.6063050077165, + -540.1822052177888, + -740.8553980487115, + -1039.6383486708178, + -1333.9937459641776, + -1252.649609663548, + -417.0080022736312, + 173.10702338826522, + -612.6642334786709, + -1097.186865372532, + -933.9485185244118, + -731.4668375817735, + -635.3356155332257, + -619.3828949595413, + -573.0143236823019, + -770.0739560819543, + -1105.369277094805, + 167.02160569106454, + 5000, + 5000, + 5000, + 5000, + -454.51745658053795, + -1251.0770788742211, + -991.2843018145365, + -734.4313952928887, + -594.5522896323588, + -533.1744362470638, + -517.3388982990015, + -533.1744009458621, + -594.5522046917374, + -734.4312341078323, + -991.2837363518265, + -1251.076992775841, + -454.5195220902786, 5000, 5000, 5000, 5000, - 167.02372582154746, - -1105.369508291501, - -770.0738857085311, - -573.0139929176077, - 637.2640769654897, - 1237.3262390236182, - 383.90667889314045, - -688.1113334495404, + 167.0218069364144, + -1105.3693311683985, + -770.0739122366125, + -573.0143053935968, + 637.2627736826414, + 1237.32432005149, + 383.90573778588384, + -688.1114819607556, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2325199344144, - -1244.166090591358, - -1027.066872079535, - -837.8571589310407, - -756.6562726667896, - -738.0353635101279, - -756.6562726667895, - -837.8571589310403, - -1027.0668720795352, - -1244.166090591358, - 794.2325199344156, + 794.2272668912935, + -1244.1658967080232, + -1027.0664637139407, + -837.856803764076, + -756.6559578830448, + -738.0350674516558, + -756.6559124139246, + -837.8566848637402, + -1027.0662416005043, + -1244.1660156192254, + 794.2134182207938, 5000, 5000, 5000, 5000, 5000, 5000, - -688.11133344954, - 383.906678893141, - 1237.3262390236182, - 2746.2939670670557, - 3871.9548882058325, - 1924.252166109695, - 64.46655098990271, + -688.1118584988728, + 383.90614517293085, + 1237.3240047735, + 2746.288535030345, + 3871.949246229445, + 1924.2497733188225, + 64.46648701500294, 5000, 5000, 5000, @@ -3364,15 +3616,15 @@ 5000, 5000, 5000, - -449.0742897012738, - -1321.7196233826953, - -1087.2321552949986, - -944.5815528986519, - -906.2909149977853, - -944.5815528986515, - -1087.2321552949986, - -1321.7196233826944, - -449.0742897012738, + -449.0766963825479, + -1321.7192751213433, + -1087.2317521021228, + -944.5812863018257, + -906.290711419767, + -944.5812265162554, + -1087.2315804123991, + -1321.719052985336, + -449.08411300431857, 5000, 5000, 5000, @@ -3380,13 +3632,13 @@ 5000, 5000, 5000, - 64.46655098990256, - 1924.252166109695, - 3871.954888205832, - 1853.0797478664963, - 1973.0953593512547, - 438.03894405105154, - -422.25248951700115, + 64.46520384601948, + 1924.2506381582941, + 3871.948608229741, + 1853.072410827397, + 1973.0881518476356, + 438.035752225251, + -422.25331381502485, 5000, 5000, 5000, @@ -3395,13 +3647,13 @@ 5000, 5000, 5000, - -1258.6796757748455, - -990.5520942222437, - -519.3246015868978, - -406.66427679965284, - -519.3246015868983, - -990.5520942222435, - -1258.6796757748455, + -1258.679544151912, + -990.5516663758906, + -519.3238489239636, + -406.66355777373695, + -519.323768448007, + -990.5514088761222, + -1258.6795466963451, 5000, 5000, 5000, @@ -3410,13 +3662,13 @@ 5000, 5000, 5000, - -422.2524895170009, - 438.0389440510514, - 1973.0953593512538, - -244.57452884970914, - -368.58469954969564, - -913.1710159544772, - -1228.8181958898451, + -422.25475264179795, + 438.03614826017986, + 1973.088067557611, + -244.57671083344422, + -368.5863937734051, + -913.1713176220472, + -1228.8180367783589, 5000, 5000, 5000, @@ -3425,13 +3677,13 @@ 5000, 5000, 5000, - -462.24652612828066, - 228.31379734490795, - 1640.3739362819842, - 1588.3455891937786, - 1640.3739362819838, - 228.31379734490898, - -462.24652612828055, + -462.246062027456, + 228.3149483698144, + 1640.3746268379273, + 1588.345686848547, + 1640.374729345475, + 228.31530898266348, + -462.2468484604195, 5000, 5000, 5000, @@ -3440,14 +3692,14 @@ 5000, 5000, 5000, - -1228.818195889845, - -913.1710159544772, - -368.58469954969615, - -897.1186406176846, - -938.6692447350996, - -1091.3582143928386, - -1325.8072806638604, - -442.6747368922317, + -1228.8185590508506, + -913.1713022263257, + -368.5863342371038, + -897.1188440040547, + -938.6693381054432, + -1091.3579792891182, + -1325.80695885586, + -442.674733304923, 5000, 5000, 5000, @@ -3455,13 +3707,13 @@ 5000, 5000, 5000, - 89.21344245316037, - 1912.3633085192573, - 3911.9355287833446, - 2849.748195299007, - 3911.9355287833455, - 1912.363308519256, - 89.2134424531604, + 89.21458935373347, + 1912.36437541858, + 3911.9342843637437, + 2849.7470979457876, + 3911.934387592071, + 1912.3647164896308, + 89.21275644915099, 5000, 5000, 5000, @@ -3469,316 +3721,316 @@ 5000, 5000, 5000, - -442.6747368922317, - -1325.8072806638602, - -1091.358214392839, - -938.6692447350996, - -764.9281042298113, - -782.0503925301822, - -859.504879029053, - -1040.7071700289512, - -1248.1402528651186, - 785.7346289184721, + -442.67356692890877, + -1325.8070946741354, + -1091.3580427257484, + -938.6693093674974, + -764.927955261125, + -782.0502352352979, + -859.5046630440805, + -1040.706989056708, + -1248.1399136734622, + 785.7369942506884, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2583990127073, - 607.3824641589555, - 1584.5355334041424, - 890.266441363525, - 1584.5355334041428, - 607.3824641589551, - -655.2583990127075, + -655.2566912691951, + 607.3859677180243, + 1584.5388404117405, + 890.268274142779, + 1584.5389234786314, + 607.3862025188089, + -655.2575884043042, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7346289184712, - -1248.1402528651176, - -1040.7071700289514, - -859.5048790290537, - -782.0503925301819, - -539.8541615327692, - -554.2916954475169, - -611.6875918915769, - -744.9268797826597, - -991.8967503300597, - -1241.5111122268702, - -436.87790336272076, + 785.7434922062592, + -1248.139892614541, + -1040.7070781519487, + -859.504723484243, + -782.0502177965722, + -539.8542339556891, + -554.2917708694692, + -611.6876475606747, + -744.9269980728119, + -991.8968941890769, + -1241.5108761367537, + -436.8724373153473, 5000, 5000, 5000, 5000, - -3.9604224442741724, - -1105.6084577970257, - -723.3115802704709, - -503.0799530268369, - -571.550629683287, - -503.07995302683685, - -723.311580270471, - -1105.6084577970257, - -3.9604224442744207, - 5000, - 5000, - 5000, - 5000, - -436.8779033627211, - -1241.5111122268709, - -991.8967503300598, - -744.9268797826599, - -611.6875918915765, - -554.2916954475171, - -380.21888755477653, - -393.9645076150169, - -443.5605099690551, - -546.1573669094562, - -739.2670156185645, - -1028.77007843455, - -1314.3752552042688, - -1233.8871047122066, - -456.14727023956533, - -0.07630595810900118, - -724.5479769411958, - -1113.9443200772878, - -940.5488299064233, - -743.307099149683, - -650.5092002055724, - -634.6080978045075, - -650.5092002055723, - -743.3070991496829, - -940.5488299064234, - -1113.9443200772878, - -724.5479769411959, - -0.0763059581089221, - -456.1472702395656, - -1233.8871047122063, - -1314.3752552042693, - -1028.7700784345504, - -739.2670156185642, - -546.1573669094558, - -443.5605099690549, - -393.964507615017, - -285.74039280129637, - -300.165860298733, - -345.88951346795585, - -439.12179852950226, - -601.9208974786934, - -845.2031353154492, - -1085.525196478784, - -967.2593010880121, - 242.3711384458464, - 1746.9074349320902, - 408.67778030439047, - -757.5000406794298, - -738.964014603502, - -570.4393517597568, - -481.69483735773434, - -457.1129085885716, - -481.6948373577345, - -570.4393517597571, - -738.9640146035018, - -757.50004067943, - 408.6777803043907, - 1746.9074349320902, - 242.37113844584644, - -967.2593010880123, - -1085.525196478784, - -845.2031353154491, - -601.9208974786934, - -439.1217985295021, - -345.8895134679558, - -300.16586029873304, - -237.70230581766472, - -251.91539667129118, - -297.59132858720625, - -387.3295551031814, - -543.0939353430308, - -767.4677730427387, - -940.9824037105509, - -457.99034092512187, - 1781.5079959566353, - 3924.758197847648, - 1432.387059577929, - -536.3416797387847, - -643.054235471316, - -476.64487593806166, - -380.03634883242216, - -352.5453184605784, - -380.036348832422, - -476.64487593806166, - -643.0542354713165, - -536.3416797387847, - 1432.3870595779292, - 3924.7581978476474, - 1781.507995956634, - -457.99034092512215, - -940.9824037105508, - -767.467773042739, - -543.0939353430308, - -387.3295551031815, - -297.59132858720625, - -251.91539667129115, - -275.7534035352868, - -296.66307482781264, - -370.41879468187574, - -528.2893777459099, - -799.2598028501549, - -1014.2407604804043, - 1247.052390402135, - 5000, - 5000, - 5000, - 5000, - 5000, - -597.7502566036324, - -596.5427015938401, - -439.6050221405883, - -394.32993901796476, - -439.6050221405884, - -596.54270159384, - -597.7502566036324, - 5000, - 5000, - 5000, - 5000, - 5000, - 1247.0523904021352, - -1014.2407604804047, - -799.2598028501549, - -528.2893777459094, - -370.41879468187574, - -296.6630748278128, - -294.4536811833992, - -316.05085155955294, - -387.85889233900957, - -543.1896437412157, - -811.003405748599, - -1019.9046236666654, - 1092.9050963966677, - 5000, - 5000, - 5000, - 5000, - 5000, - -542.241981972323, - -628.4380050177291, - -480.3807191196323, - -436.0940619299517, - -480.38071911963266, - -628.4380050177289, - -542.2419819723227, + -3.953918170581009, + -1105.6082101991365, + -723.310382513867, + -503.07842350337285, + -571.5496926429958, + -503.0783571509689, + -723.3102097483828, + -1105.608113075844, + -3.9613951823286278, + 5000, + 5000, + 5000, + 5000, + -436.871019426619, + -1241.5108985484194, + -991.897073631771, + -744.9270684345508, + -611.6876948207781, + -554.2917578855006, + -380.2189652934292, + -393.9645885798634, + -443.56057517851804, + -546.1574781034327, + -739.267169545196, + -1028.770274495014, + -1314.375405188946, + -1233.8860006072152, + -456.143860271317, + -0.07241165313548113, + -724.5463948490884, + -1113.9445242687527, + -940.5491842224519, + -743.3072991834028, + -650.5093445704117, + -634.6082770350263, + -650.5092850865715, + -743.3071532524536, + -940.5489513818934, + -1113.9444699779756, + -724.5478077821452, + -0.07238489461187658, + -456.14269179684027, + -1233.8858787770307, + -1314.375616350808, + -1028.7705408474276, + -739.2673228793975, + -546.1575328601921, + -443.560612211442, + -393.96457719878657, + -285.7403112687901, + -300.16577999265473, + -345.8894123752443, + -439.12171154430007, + -601.9207947109257, + -845.2029980056802, + -1085.525158918783, + -967.2593143079946, + 242.37041276423471, + 1746.907366451179, + 408.67881997378527, + -757.4999008916785, + -738.9639821520875, + -570.4392797072666, + -481.69473393870436, + -457.11280129271563, + -481.69467404543616, + -570.4391397134649, + -738.963801182557, + -757.500683558892, + 408.674459864507, + 1746.907777618705, + 242.37348373248855, + -967.2587229768204, + -1085.5252830237614, + -845.2032318258098, + -601.9209305008941, + -439.1217593239424, + -345.8894439142146, + -300.1657690863766, + -237.70226918657704, + -251.9153611874387, + -297.5912735602674, + -387.3295114772498, + -543.0938785260529, + -767.467689242417, + -940.9824580856365, + -457.99066099613145, + 1781.505822814823, + 3924.7570859613083, + 1432.3883949496385, + -536.3415413296715, + -643.0542588519041, + -476.6448653354603, + -380.03630860765736, + -352.54527748901006, + -380.03624581124336, + -476.64471976347727, + -643.0541002055224, + -536.3430406783964, + 1432.3810444356368, + 3924.756849914094, + 1781.5109451129354, + -457.9892923130762, + -940.9824340946855, + -767.4679106404998, + -543.0940126673589, + -387.329557976003, + -297.59130290117963, + -251.9153503327099, + -275.7533771809633, + -296.663052649877, + -370.4187468394664, + -528.2893517590811, + -799.2597606730671, + -1014.2407778234264, + 1247.0525766821409, + 5000, + 5000, + 5000, + 5000, + 5000, + -597.7501269328393, + -596.5426981928572, + -439.60497812306306, + -394.329897626709, + -439.6048746116336, + -596.5424809332088, + -597.7509422683669, + 5000, + 5000, + 5000, + 5000, + 5000, + 1247.0603097608184, + -1014.2405852344614, + -799.2599740046448, + -528.2894258700064, + -370.41878783048804, + -296.66303470268946, + -294.45367792301954, + -316.05085343265716, + -387.8588728455266, + -543.1896585226874, + -811.0034313775321, + -1019.9047330671436, + 1092.9055696120424, + 5000, + 5000, + 5000, + 5000, + 5000, + -542.2418795281127, + -628.4380488438479, + -480.3807028544881, + -436.0940418690408, + -480.3806037528287, + -628.4378472021111, + -542.2430704593266, 5000, 5000, 5000, 5000, 5000, - 1092.9050963966677, - -1019.9046236666655, - -811.0034057485988, - -543.1896437412157, - -387.85889233900986, - -316.05085155955294, - -364.8730650082219, - -384.19790625627604, - -452.0839873456854, - -601.1322348378845, - -859.8071801268908, - -1087.5498214484544, - 155.27853237324487, + 1092.9127554654078, + -1019.9045339764009, + -811.0036361694531, + -543.1897310851506, + -387.8589137122739, + -316.05083572133015, + -364.8730482079131, + -384.19789495182505, + -452.0839561120673, + -601.1322488040682, + -859.807219365687, + -1087.549945305052, + 155.27898333465117, 5000, 5000, 5000, 5000, 5000, - -738.3080273374771, - -749.7410411956523, - -623.3280109951661, - -588.2376415590769, - -623.3280109951663, - -749.741041195652, - -738.3080273374769, + -738.3079005625415, + -749.7410418986266, + -623.3279447128853, + -588.2375591534895, + -623.327858578536, + -749.7408583832151, + -738.3087059541734, 5000, 5000, 5000, 5000, 5000, - 155.27853237324487, - -1087.549821448454, - -859.807180126891, - -601.132234837884, - -452.08398734568533, - -384.1979062562762, - -517.3390893317461, - -533.1746368072558, - -594.5524964513402, - -734.4316136460875, - -991.2845021542978, - -1251.077097790046, - -454.51508341159564, + 155.28287788824548, + -1087.5498385244316, + -859.807408026422, + -601.1323181162668, + -452.08399804472697, + -384.1978782798424, + -517.3390488939286, + -533.174597651002, + -594.5524283662957, + -734.4315844674566, + -991.2844740945782, + -1251.0770812172434, + -454.51398733235743, 5000, 5000, 5000, 5000, - 167.02366705958087, - -1105.3695022022873, - -770.0738840455483, - -573.0140071365695, - -619.3827532746694, - -573.0140071365693, - -770.0738840455484, - -1105.3695022022878, - 167.02366705958084, + 167.02539962031335, + -1105.3694924389918, + -770.0740417471602, + -573.0143427075993, + -619.3829580540113, + -573.014272993068, + -770.073864224941, + -1105.369423717461, + 167.01669691215236, 5000, 5000, 5000, 5000, - -454.51508341159547, - -1251.0770977900456, - -991.2845021542987, - -734.4316136460874, - -594.5524964513396, - -533.1746368072561, - -782.654801150553, - -795.0161209509644, - -846.6586045154754, - -983.6307772957784, - -1250.8783936897394, - -1472.261350095469, - 356.486252964649, + -454.51246858976384, + -1251.0771022437382, + -991.2846582107587, + -734.4316552395992, + -594.5524752679181, + -533.1745834272889, + -782.6546828595965, + -795.0159955596249, + -846.658437829492, + -983.6306479393747, + -1250.8782537823845, + -1472.2613523952923, + 356.4875380094281, 5000, 5000, 5000, 5000, - -78.14011793279556, - -63.64592679046933, + -78.14009075262958, + -63.64706736744879, 5000, 5000, 5000, 5000, 5000, - -63.645926790469666, - -78.14011793279562, + -63.646455291662825, + -78.14368016489966, 5000, 5000, 5000, 5000, - 356.4862529646491, - -1472.2613500954692, - -1250.878393689739, - -983.6307772957782, - -846.6586045154753, - -795.0161209509643, - -1018.8044783362822, - -1023.4583313481654, - -1090.554926440296, - -1253.995905614665, - -1481.552064762809, - -30.954478210655225, + 356.4890676048549, + -1472.2613246009826, + -1250.8784484525722, + -983.6307312368889, + -846.6584978487003, + -795.015987739885, + -1018.8044461083574, + -1023.4582694098453, + -1090.5547887645978, + -1253.9958151010471, + -1481.5520533700044, + -30.95796307877, 5000, 5000, 5000, @@ -3798,16 +4050,16 @@ 5000, 5000, 5000, - -30.954478210654944, - -1481.552064762809, - -1253.9959056146638, - -1090.5549264402953, - -1023.4583313481653, - 951.5076556336618, - 802.3116986906363, - -42.38902162880501, - -569.8858093201452, - 200.69276067280697, + -30.953911106212008, + -1481.5521296519469, + -1253.9959130223292, + -1090.5548789089908, + -1023.4583037279398, + 951.5067978869935, + 802.3114404628584, + -42.38855739025228, + -569.8851283329019, + 200.693344179586, 5000, 5000, 5000, @@ -3829,10 +4081,10 @@ 5000, 5000, 5000, - 200.6927606728069, - -569.8858093201455, - -42.3890216288047, - 802.3116986906352, + 200.69316849795146, + -569.8852980921938, + -42.38858954858275, + 802.3112261776547, 5000, 5000, 5000, @@ -3904,15 +4156,15 @@ 5000, 5000, 5000, - 450.1783128308731, - -309.79068083567887, - 309.08550938747277, - 1387.8813187760684, - 1576.0888554374733, - 1387.8813187760684, - 309.08550938747277, - -309.7906808356785, - 450.17831283087304, + 450.1778077896377, + -309.7911613728348, + 309.08589638265954, + 1387.8816178920606, + 1576.0884421466835, + 1387.8816657051561, + 309.08620764379106, + -309.79038970703914, + 450.1728063369995, 5000, 5000, 5000, @@ -3933,17 +4185,17 @@ 5000, 5000, 5000, - -123.90140879542173, - -1463.6363410841807, - -1235.647570538692, - -1075.190338467276, - -1006.5797353062502, - -1005.9251102447092, - -1006.5797353062507, - -1075.1903384672758, - -1235.6475705386915, - -1463.63634108418, - -123.90140879542179, + -123.89781746382388, + -1463.636351388822, + -1235.647654508616, + -1075.1903368113835, + -1006.5797265346538, + -1005.9251132520153, + -1006.5797003591298, + -1075.1902408676701, + -1235.6474372439643, + -1463.636164597147, + -123.90652368552854, 5000, 5000, 5000, @@ -3956,271 +4208,271 @@ 5000, 5000, 5000, - 233.1644147269248, - 55.32798139548148, + 233.16275624199326, + 55.32490742550665, 5000, 5000, 5000, 5000, - 279.9491132947684, - -1475.179374480875, - -1254.44703805134, - -999.393423815533, - -871.0363274914054, - -824.7547812284588, - -815.8133227849291, - -824.7547812284586, - -871.0363274914051, - -999.393423815533, - -1254.44703805134, - -1475.1793744808745, - 279.9491132947688, + 279.9490884397914, + -1475.1792051083519, + -1254.446969681915, + -999.3932953495472, + -871.0361737169303, + -824.7546286535173, + -815.813171752431, + -824.7545995845653, + -871.0360954151905, + -999.3931322626232, + -1254.4463871650773, + -1475.17923096998, + 279.94705385915654, 5000, 5000, 5000, 5000, - 55.327981395481274, - 233.1644147269247, + 55.32233089435894, + 233.16297027987548, 5000, 5000, - -571.5504993462708, - -503.07973537152697, - -723.3114155037233, - -1105.6084496732472, - -3.960649889881367, + -571.5506644945647, + -503.07990111058075, + -723.3113733011818, + -1105.6082579110016, + -3.9593610424690815, 5000, 5000, 5000, 5000, - -436.87741461069425, - -1241.5110599430159, - -991.8967686603024, - -744.9268981332757, - -611.6876093666333, - -554.2917143315149, - -539.8541810680146, - -554.2917143315151, - -611.6876093666334, - -744.9268981332758, - -991.896768660303, - -1241.5110599430163, - -436.8774146106943, + -436.8766211357921, + -1241.5110148521167, + -991.8968442714008, + -744.9269048560976, + -611.6875891232198, + -554.2916873698708, + -539.8541601487573, + -554.2916538825344, + -611.6875080515773, + -744.9267499070219, + -991.8962982823541, + -1241.5109316925805, + -436.8785742541543, 5000, 5000, 5000, 5000, - -3.9606498898811497, - -1105.608449673247, - -723.3114155037232, - -503.0797353715271, - -604.7188702687652, - -637.8079901181912, - -761.2055167590811, - -759.711597929696, + -3.959399513061243, + -1105.608313711935, + -723.3113133785815, + -503.0798980937636, + -604.7188226319912, + -637.8079560844645, + -761.2054256731494, + -759.7114056684554, 5000, 5000, 5000, 5000, 5000, - 95.56329870873228, - -1081.8344263574527, - -858.0407890557759, - -605.6597843763785, - -461.38394438354794, - -395.2341835443248, - -376.4323618012893, - -395.23418354432505, - -461.3839443835478, - -605.6597843763788, - -858.0407890557764, - -1081.8344263574525, - 95.56329870873246, + 95.56306568573504, + -1081.8343965205504, + -858.0408803434332, + -605.6598135791698, + -461.3839533703046, + -395.23418384527076, + -376.4323711583986, + -395.2341464620938, + -461.3838651055145, + -605.6596499757441, + -858.0403303185676, + -1081.8345090705923, + 95.55888234100564, 5000, 5000, 5000, 5000, 5000, - -759.7115979296959, - -761.2055167590814, - -637.8079901181908, - -443.4170499921389, - -486.5875177417761, - -632.684770032302, - -540.0198554102358, + -759.7114360945561, + -761.2054399443914, + -637.8078940680731, + -443.416940229886, + -486.58743841746036, + -632.6846556082079, + -540.0196190549344, 5000, 5000, 5000, 5000, 5000, - 1062.6768337796486, - -1013.7802934156919, - -809.308137181954, - -544.3200512585095, - -391.0942573385659, - -320.51606610545946, - -299.1617216707074, - -320.51606610545934, - -391.0942573385658, - -544.3200512585097, - -809.3081371819546, - -1013.780293415692, - 1062.6768337796486, + 1062.6784386212478, + -1013.7802162933883, + -809.3082394670853, + -544.3200591700453, + -391.09422610676586, + -320.5160121453266, + -299.1616749663545, + -320.5159715246477, + -391.0941311604102, + -544.3198837091262, + -809.3076581534024, + -1013.7804628606872, + 1062.6710033178238, 5000, 5000, 5000, 5000, 5000, - -540.0198554102356, - -632.6847700323016, - -486.58751774177597, - -394.3299433226457, - -439.6050278466892, - -596.5427118642065, - -597.7502703841404, + -540.0196478653863, + -632.6846750498585, + -486.58737583088123, + -394.32990843055165, + -439.6050242374825, + -596.5426641559135, + -597.749957409535, 5000, 5000, 5000, 5000, 5000, - 1247.053466074305, - -1014.2407394104048, - -799.2598365573988, - -528.2893977434171, - -370.4188044031833, - -296.66307996382267, - -275.75340745127005, - -296.66307996382244, - -370.4188044031832, - -528.2893977434176, - -799.2598365573986, - -1014.2407394104047, - 1247.0534660743056, + 1247.0562740997327, + -1014.2406474873441, + -799.2599727977455, + -528.2894310345351, + -370.4187977470444, + -296.66305050599715, + -275.7533859636495, + -296.6630085939263, + -370.4186997013597, + -528.2892496134842, + -799.259367885135, + -1014.2408464693547, + 1247.0483377048113, 5000, 5000, 5000, 5000, 5000, - -597.7502703841405, - -596.5427118642062, - -439.6050278466892, - -436.09406563662645, - -480.38072399963517, - -628.4380140629914, - -542.241983704958, + -597.7499903609075, + -596.5426855783671, + -439.6049611969204, + -436.093968572443, + -480.38065099123355, + -628.4378845223523, + -542.241648453675, 5000, 5000, 5000, 5000, 5000, - 1092.9053092102333, - -1019.9046266097231, - -811.0034140658469, - -543.1896479570635, - -387.8588946682771, - -316.05085314197265, - -294.4536826243424, - -316.050853141973, - -387.85889466827695, - -543.1896479570636, - -811.0034140658472, - -1019.9046266097226, - 1092.9053092102336, + 1092.9062346480875, + -1019.9044849168305, + -811.0034713311939, + -543.1896257810957, + -387.85884402191783, + -316.05078551592163, + -294.4536243820071, + -316.05074425624406, + -387.8587477112072, + -543.1894480349799, + -811.0028820160727, + -1019.9047187892263, + 1092.8986717477799, 5000, 5000, 5000, 5000, 5000, - -542.2419837049581, - -628.4380140629918, - -480.38072399963505, - -588.2376421694887, - -623.3280116872739, - -749.741042083346, - -738.3080284939682, + -542.2416776791132, + -628.4379042554093, + -480.3805879642583, + -588.2376547379339, + -623.328032904327, + -749.7409894674366, + -738.307985653499, 5000, 5000, 5000, 5000, 5000, - 155.27853023936615, - -1087.5498232141695, - -859.8071815131746, - -601.1322359338291, - -452.0839882492275, - -384.1979070291515, - -364.87306572020793, - -384.1979070291513, - -452.08398824922745, - -601.132235933829, - -859.8071815131741, - -1087.5498232141695, - 155.2785302393665, + 155.27883346394944, + -1087.5497225412964, + -859.8072830972645, + -601.1322691801123, + -452.08399679086233, + -384.19790612178275, + -364.87307476785026, + -384.197867485452, + -452.083905941072, + -601.1321011934568, + -859.8067196911227, + -1087.549838632381, + 155.2743668219468, 5000, 5000, 5000, 5000, 5000, - -738.3080284939682, - -749.7410420833455, - -623.3280116872747, - -619.3827549706682, - -573.0140093253812, - -770.0738878672329, - -1105.3695092975356, - 167.02365596436832, + -738.3080146063281, + -749.74100423361, + -623.3279697356596, + -619.382677125853, + -573.0140508558273, + -770.0738526317836, + -1105.369424658597, + 167.021865098455, 5000, 5000, 5000, 5000, - -454.5151036847111, - -1251.0771130353621, - -991.2845116454943, - -734.431619028456, - -594.5524994299077, - -533.17463860873, - -517.3390907697888, - -533.1746386087298, - -594.5524994299078, - -734.4316190284563, - -991.2845116454935, - -1251.0771130353626, - -454.51510368471054, + -454.5141227968535, + -1251.0769354567396, + -991.2845350854763, + -734.4315779433421, + -594.5524318228089, + -533.1745656497291, + -517.3390258353534, + -533.1745303485151, + -594.5523468821542, + -734.4314167582197, + -991.2839696227858, + -1251.0768493607684, + -454.51618831553435, 5000, 5000, 5000, 5000, - 167.02365596436837, - -1105.3695092975347, - -770.0738878672329, - -573.0140093253818, + 167.02206634340178, + -1105.3694787322409, + -770.0738087863825, + -573.01403256716, 5000, 5000, 5000, - -63.64592905931733, - -78.14012168075143, + -63.64833440150802, + -78.14407632847937, 5000, 5000, 5000, 5000, - 356.48624915916326, - -1472.2613524277085, - -1250.8783949710107, - -983.6307779794703, - -846.6586049105682, - -795.0161212230138, - -782.6548014543496, - -795.0161212230141, - -846.6586049105681, - -983.6307779794702, - -1250.8783949710107, - -1472.2613524277083, - 356.48624915916326, + 356.4842800943277, + -1472.2611849008917, + -1250.8781942962296, + -983.6305360841764, + -846.6583550918309, + -795.0158771484676, + -782.6545605311285, + -795.0158455713645, + -846.6582717889654, + -983.63036574265, + -1250.8775929030937, + -1472.2612605084262, + 356.4819888520602, 5000, 5000, 5000, 5000, - -78.14012168075129, - -63.64592905931796, + -78.14665603321463, + -63.64818708580718, 5000, 5000, 5000, @@ -4233,17 +4485,17 @@ 5000, 5000, 5000, - -30.95447973491489, - -1481.5520659787862, - -1253.9959065043292, - -1090.5549270812712, - -1023.458331837913, - -1018.8044787633813, - -1023.4583318379133, - -1090.554927081272, - -1253.995906504329, - -1481.5520659787876, - -30.954479734916116, + -30.959149767580158, + -1481.5523049762244, + -1253.9959069069967, + -1090.55490477798, + -1023.4583187679233, + -1018.8044231115803, + -1023.458289942729, + -1090.554806271434, + -1253.9956894520883, + -1481.5521502829317, + -30.96854848888755, 5000, 5000, 5000, @@ -4264,15 +4516,15 @@ 5000, 5000, 5000, - 200.69275993313406, - -569.8858098643699, - -42.38902207662361, - 802.3116983409565, - 951.5076553109491, - 802.3116983409564, - -42.38902207662356, - -569.8858098643703, - 200.6927599331338, + 200.68489335733366, + -569.8892333380758, + -42.39283436255966, + 802.3052055421658, + 951.5003530017644, + 802.3052514620592, + -42.3925603709236, + -569.8885853274063, + 200.67964092666475, 5000, 5000, 5000, @@ -4343,11 +4595,11 @@ 5000, 5000, 5000, - 1576.0888551476628, - 1387.8813185311378, - 309.0855091046181, - -309.790681198023, - 450.1783123637874, + 1576.0797942956008, + 1387.874549254416, + 309.08407745688714, + -309.78971526520826, + 450.1796105710608, 5000, 5000, 5000, @@ -4369,16 +4621,16 @@ 5000, 5000, 5000, - 450.17831236378726, - -309.79068119802264, - 309.0855091046184, - 1387.8813185311387, - -1005.9251109487955, - -1006.5797361081976, - -1075.1903395000827, - -1235.6475719903872, - -1463.636343082204, - -123.90141136050464, + 450.1794310695214, + -309.78988760695205, + 309.0840759390249, + 1387.8742976216015, + -1005.9254432586687, + -1006.5798695628031, + -1075.1901141402077, + -1235.647277110278, + -1463.6359488589865, + -123.89928571324926, 5000, 5000, 5000, @@ -4398,257 +4650,257 @@ 5000, 5000, 5000, - -123.90141136050451, - -1463.6363430822053, - -1235.6475719903883, - -1075.1903395000825, - -1006.5797361081968, - -815.813322890407, - -824.7547813513263, - -871.0363275846618, - -999.3934239046688, - -1254.4470381315457, - -1475.1793745678794, - 279.9491132198296, + -123.89557144903728, + -1463.63602447018, + -1235.6473738194816, + -1075.190210163583, + -1006.5799202637448, + -815.8134344654529, + -824.7548792184368, + -871.0363863184733, + -999.393546045181, + -1254.4471860227973, + -1475.1793205377326, + 279.9552104747419, 5000, 5000, 5000, 5000, - 55.32798129888013, - 233.16441462250262, + 55.333090412339054, + 233.17285320126277, 5000, 5000, 5000, 5000, 5000, - 233.1644146225028, - 55.327981298880445, + 233.17356104861813, + 55.329639685717126, 5000, 5000, 5000, 5000, - 279.9491132198297, - -1475.1793745678794, - -1254.4470381315462, - -999.3934239046687, - -871.0363275846612, - -824.7547813513263, - -539.8541814773346, - -554.2917147565033, - -611.6876098166532, - -744.9268986345078, - -991.8967692279231, - -1241.511060591683, - -436.8774153336307, + 279.95656305661277, + -1475.179318082108, + -1254.4473773517764, + -999.3936299570673, + -871.0364481492189, + -824.7548746890017, + -539.8543752545658, + -554.2919070322471, + -611.6877681147954, + -744.9270865360502, + -991.8969629494229, + -1241.511436418793, + -436.8774978035925, 5000, 5000, 5000, 5000, - -3.9606503738918715, - -1105.6084500521465, - -723.31141580623, - -503.0797356074926, - -571.5504995497786, - -503.07973560749235, - -723.3114158062305, - -1105.6084500521467, - -3.960650373891812, + -3.9640058766065134, + -1105.6085054408838, + -723.3096394115397, + -503.0773828856354, + -571.5490254855619, + -503.07731653325965, + -723.3094666460611, + -1105.608408316049, + -3.971482825380116, 5000, 5000, 5000, 5000, - -436.8774153336306, - -1241.5110605916825, - -991.8967692279231, - -744.9268986345077, - -611.687609816653, - -554.2917147565036, - -376.4323639224315, - -395.23418607950106, - -461.3839483855325, - -605.6597915485229, - -858.0408012895547, - -1081.834444304741, - 95.56327739993681, + -436.87607992386353, + -1241.5114588318752, + -991.8971423921582, + -744.9271568977789, + -611.6878153748977, + -554.2918940482812, + -376.4322611661668, + -395.2340890125855, + -461.3838314741535, + -605.6597123254832, + -858.0407308714055, + -1081.8345083700235, + 95.56309627267788, 5000, 5000, 5000, 5000, 5000, - -759.7115995212689, - -761.2055174742583, - -637.8079905987702, - -604.7188706602674, - -637.8079905987701, - -761.2055174742583, - -759.7115995212694, + -759.7113268909483, + -761.2054614644478, + -637.8078809760815, + -604.7187541996044, + -637.8077974949751, + -761.205282124808, + -759.7120686330503, 5000, 5000, 5000, 5000, 5000, - 95.56327739993675, - -1081.834444304741, - -858.0408012895547, - -605.6597915485229, - -461.38394838553273, - -395.234186079501, - -299.1617226810697, - -320.51606718547924, - -391.094258707863, - -544.3200532619537, - -809.3081403055074, - -1013.7802981787148, - 1062.6768272794, + 95.56670047818749, + -1081.8344065760089, + -858.0409151161031, + -605.659780706015, + -461.383873277412, + -395.2340729668769, + -299.1616707519873, + -320.51601959570786, + -391.09418630707796, + -544.3200037087757, + -809.3080792001111, + -1013.7804017504141, + 1062.6755981101744, 5000, 5000, 5000, 5000, 5000, - -540.0198576890718, - -632.6847716670419, - -486.58751905864517, - -443.4170512094079, - -486.5875190586453, - -632.684771667042, - -540.0198576890717, + -540.0197051790328, + -632.6847623679741, + -486.5874613539061, + -443.4169924459621, + -486.58736365748496, + -632.6845639153835, + -540.0209153701635, 5000, 5000, 5000, 5000, 5000, - 1062.6768272793995, - -1013.7802981787149, - -809.3081403055073, - -544.3200532619534, - -391.09425870786293, - -320.5160671854792, - -339.67230989774424, - -373.83914289480293, - -495.6222051076541, - -751.3525859298641, - -1013.9815323823877, - 873.2896831773572, + 1062.6826201356807, + -1013.7801983729297, + -809.3082809114952, + -544.320075569216, + -391.0942270317074, + -320.51600215350027, + -339.67227591658497, + -373.8391151187191, + -495.6221254458584, + -751.3525145133414, + -1013.9814305219456, + 873.2877290218329, 5000, 5000, 5000, 5000, 5000, 5000, - 758.9001439883848, - -726.2359947453843, - -531.9685367887965, - -466.6268036489669, - -531.9685367887964, - -726.2359947453843, - 758.9001439883847, + 758.9012241292007, + -726.2359930332482, + -531.9684836463786, + -466.6267574264176, + -531.9683387181852, + -726.2358243466462, + 758.8936965980469, 5000, 5000, 5000, 5000, 5000, 5000, - 873.289683177357, - -1013.9815323823879, - -751.3525859298642, - -495.622205107654, - -373.8391428948032, - -371.2686925245444, - -403.5543821541174, - -520.7417469292093, - -768.3359487524923, - -1017.371938717372, - 1239.9818082399424, + 873.2939092569125, + -1013.9814844408901, + -751.3526194627734, + -495.6221810913987, + -373.83908418423465, + -371.2687024058394, + -403.55440492325744, + -520.741745764825, + -768.3360174403355, + -1017.3720027567817, + 1239.9804145128865, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.8165962701469, - -764.8575527833495, - -588.4102667415013, - -528.7848031558577, - -588.410266741501, - -764.8575527833499, - 1399.8165962701462, + 1399.8192041060852, + -764.8576310738223, + -588.4102673233451, + -528.7847973550896, + -588.4101307845123, + -764.857503839557, + 1399.8078654701271, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.981808239943, - -1017.3719387173714, - -768.3359487524915, - -520.7417469292092, - -403.55438215411726, - -487.8103782966384, - -515.607966385299, - -618.7502736297502, - -845.2369042434244, - -1082.741052000929, - 1193.4448164906407, + 1239.9880449298155, + -1017.3719898100229, + -768.336116655771, + -520.7418006872463, + -403.55437501895625, + -487.81032991020845, + -515.6079280267135, + -618.7502078478263, + -845.2369110616218, + -1082.7411333947314, + 1193.4424676875044, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8024911496713, - -920.8665842422934, - -762.5696024912005, - -720.6091177919687, - -762.5696024912003, - -920.8665842422935, - 523.8024911496706, + 523.8040362174773, + -920.8666061554643, + -762.5695674430674, + -720.6090546948187, + -762.5694547518367, + -920.8664649835572, + 523.7962147583441, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4448164906414, - -1082.7410520009291, - -845.2369042434243, - -618.7502736297507, - -515.607966385299, - -738.0353604898594, - -756.6562680708041, - -837.8571498685404, - -1027.0668564674668, - -1244.1660949567672, - 794.2318982887167, + 1193.4503639498967, + -1082.7410610745612, + -845.2369995416689, + -618.7502622898396, + -515.6079012021655, + -738.0352035408068, + -756.6561087871926, + -837.8569366803758, + -1027.0666717469915, + -1244.1659924387266, + 794.228505372552, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1112353979372, - 383.90753948100695, - 1237.3274365748116, - 637.2647900709093, - 1237.3274365748114, - 383.907539481007, - -688.1112353979375, + -688.1112427684484, + 383.9056625176858, + 1237.3234624506968, + 637.2623325542692, + 1237.3235472840572, + 383.9058911178519, + -688.1122655092896, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2318982887165, - -1244.1660949567683, - -1027.0668564674666, - -837.8571498685399, - -756.6562680708034, - -1018.8044514752596, - -1023.4583335712306, - -1090.5549608764104, - -1253.9959417225587, - -1481.5520960102579, - -30.95483512746954, + 794.235106865944, + -1244.16596418965, + -1027.066760142508, + -837.856996402687, + -756.6560895216147, + -1018.8043272350889, + -1023.4581703159504, + -1090.5547528451834, + -1253.9958233904265, + -1481.5519881380178, + -30.95568229241107, 5000, 5000, 5000, @@ -4668,17 +4920,17 @@ 5000, 5000, 5000, - -30.954835127469327, - -1481.552096010258, - -1253.9959417225584, - -1090.5549608764102, - -1023.4583335712306, - 640.5392804794603, - 972.3279592708983, - 878.9458112649447, - 509.8973026557237, - -282.35964030228865, - -385.0432168670104, + -30.951630312858494, + -1481.552064419706, + -1253.9959213117074, + -1090.5548429895748, + -1023.4582046340564, + 640.5367048327122, + 972.3254110356148, + 878.9431219205694, + 509.89458772940463, + -282.361247386992, + -385.04499394265986, 5000, 5000, 5000, @@ -4698,11 +4950,11 @@ 5000, 5000, 5000, - -385.0432168670104, - -282.35964030228877, - 509.89730265572337, - 878.9458112649452, - 972.3279592708988, + -385.04281484128967, + -282.36064600112593, + 509.8945893638718, + 878.942802484865, + 972.32438041376, 5000, 5000, 5000, @@ -4833,17 +5085,17 @@ 5000, 5000, 5000, - -395.57664593909385, - 151.6265752185154, - 1103.8978914413021, - 1514.2529985280996, - 1582.4492009473925, - 1126.4314879330661, - 1582.4492009473922, - 1514.2529985280999, - 1103.8978914413024, - 151.62657521851514, - -395.57664593909357, + -395.5754005878989, + 151.62731700245882, + 1103.8995315423729, + 1514.255426401469, + 1582.4515070853909, + 1126.4332688338363, + 1582.4515312136605, + 1514.255644378258, + 1103.9001104609972, + 151.62917995435203, + -395.57924036314876, 5000, 5000, 5000, @@ -4863,17 +5115,17 @@ 5000, 5000, 5000, - -123.90194138268905, - -1463.6363613495516, - -1235.6475927975775, - -1075.1903699155466, - -1006.5797626044543, - -1005.9251244180924, - -1006.5797626044545, - -1075.190369915547, - -1235.6475927975778, - -1463.636361349552, - -123.9019413826891, + -123.89949174461431, + -1463.6363796336404, + -1235.6476628020926, + -1075.190392218928, + -1006.579839230193, + -1005.925214051149, + -1006.5798130546634, + -1075.1902962752401, + -1235.6474455375162, + -1463.6361928415579, + -123.90819795529777, 5000, 5000, 5000, @@ -4883,216 +5135,216 @@ 5000, 5000, 5000, - 890.266454659982, - 1584.535303015803, - 607.3822247596254, - -655.2584950984275, + 890.2635973472303, + 1584.5316889275703, + 607.3803034651328, + -655.258368931162, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7340747920267, - -1248.1402170930662, - -1040.7070996757998, - -859.504810165658, - -782.0503256324722, - -764.9280377206767, - -782.0503256324723, - -859.5048101656579, - -1040.7070996757996, - -1248.1402170930653, - 785.7340747920255, + 785.7362142505978, + -1248.1400752499294, + -1040.7070053073412, + -859.5046915148995, + -782.0502109982202, + -764.927932772711, + -782.0501679538444, + -859.5045774901181, + -1040.706789635026, + -1248.14019795622, + 785.722494104052, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2584950984275, - 607.3822247596252, - 1584.535303015803, - -731.6842665945231, - -771.4359162516215, - -929.3683417227909, - 459.2912474039614, + -655.2587625446749, + 607.380777830032, + 1584.5313155086199, + -731.6842393889191, + -771.4359028928377, + -929.3682525989091, + 459.29304022232037, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.7341808457288, - -1086.3390746008286, - -852.011641205205, - -630.2788634710613, - -530.2348241127249, - -503.60925777655063, - -530.2348241127247, - -630.278863471061, - -852.0116412052049, - -1086.3390746008286, - 1164.734180845728, + 1164.7384933899418, + -1086.3389957719667, + -852.0117254211136, + -630.2789169800027, + -530.2348667339454, + -503.60931240470063, + -530.2348101022603, + -630.2787753537854, + -852.0114776633641, + -1086.3392094808305, + 1164.722864137909, 5000, 5000, 5000, 5000, 5000, 5000, - 459.2912474039615, - -929.3683417227908, - -771.4359162516216, - -535.847621819276, - -594.763547800935, - -769.1423885055626, - 1408.0932922270094, + 459.2929117554251, + -929.3682725376747, + -771.4358261127234, + -535.8474667384738, + -594.7634331256512, + -769.1422265199556, + 1408.0946678223906, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.9291214547602, - -1016.7539320935425, - -770.3126103576126, - -525.1919266905627, - -409.2212431680633, - -377.5819515702573, - -409.2212431680634, - -525.1919266905626, - -770.3126103576121, - -1016.7539320935426, - 1281.92912145476, + 1281.932251087732, + -1016.7538303925016, + -770.3125919990795, + -525.1918607755243, + -409.2211495143012, + -377.58186833963, + -409.22108395662644, + -525.1916996215471, + -770.3123194007142, + -1016.7540651053864, + 1281.9168379554474, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0932922270088, - -769.1423885055627, - -594.7635478009348, - -466.62680383836613, - -531.9685365692386, - -726.2359945528705, - 758.9000617289563, + 1408.0946130003895, + -769.1422567680238, + -594.7633501199128, + -466.6267721513305, + -531.9685489929035, + -726.2359329257766, + 758.9023463990725, 5000, 5000, 5000, 5000, 5000, 5000, - 873.2895901240506, - -1013.981534930799, - -751.3525887156176, - -495.6222091396954, - -373.8391476126383, - -339.6723147165554, - -373.83914761263827, - -495.6222091396957, - -751.3525887156177, - -1013.9815349307986, - 873.2895901240506, + 873.2949401535865, + -1013.9814018600138, + -751.3526905967434, + -495.6222341225573, + -373.8391259499869, + -339.6723006873467, + -373.8390572201213, + -495.6220652913514, + -751.3524065486948, + -1013.9815212900937, + 873.2828413446657, 5000, 5000, 5000, 5000, 5000, 5000, - 758.9000617289568, - -726.2359945528701, - -531.9685365692386, - -528.7848042092005, - -588.4102681753355, - -764.8575557555017, - 1399.8165934221427, + 758.9022903140277, + -726.2359660980982, + -531.9684643784373, + -528.7847054290991, + -588.4102050325175, + -764.8574144392295, + 1399.8195795859986, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9818221589887, - -1017.3719542440567, - -768.3359582694309, - -520.7417514152842, - -403.5543844096191, - -371.268694187251, - -403.554384409619, - -520.7417514152839, - -768.335958269431, - -1017.3719542440568, - 1239.9818221589883, + 1239.9861452668933, + -1017.3718486589811, + -768.3359836250712, + -520.7417144121541, + -403.55431332460535, + -371.26863293552776, + -403.5542469591689, + -520.7415513285835, + -768.3357086428786, + -1017.3720770008895, + 1239.9710986394862, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.816593422143, - -764.8575557555017, - -588.4102681753353, - -720.6091177380782, - -762.5696024886032, - -920.8665844753153, - 523.8024900963267, + 1399.8195250861897, + -764.8574449006666, + -588.4101216194824, + -720.6090811720443, + -762.5695816586953, + -920.8664948751449, + 523.8024904666557, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4448103528312, - -1082.7410652476012, - -845.2369136132646, - -618.7502787814118, - -515.6079693685198, - -487.81038060778434, - -515.60796936852, - -618.7502787814116, - -845.2369136132647, - -1082.7410652476017, - 1193.4448103528305, + 1193.4499334994275, + -1082.7408954887017, + -845.2369303753144, + -618.7502768721486, + -515.6079659822947, + -487.8103935207514, + -515.6079076883358, + -618.7501316184216, + -845.2366781303208, + -1082.7411192060074, + 1193.4341389010522, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8024900963271, - -920.8665844753156, - -762.5696024886031, - 637.2647899411277, - 1237.3274363612477, - 383.90753910460984, - -688.1112362746478, + 523.8023715848009, + -920.8665155722543, + -762.5695035612813, + 637.2659291520246, + 1237.3276398914663, + 383.9074270803793, + -688.111253891884, 5000, 5000, 5000, 5000, 5000, 5000, - 794.231889395123, - -1244.166101692746, - -1027.066860642533, - -837.8571522631689, - -756.656269583894, - -738.0353617012404, - -756.6562695838945, - -837.8571522631693, - -1027.0668606425327, - -1244.166101692745, - 794.2318893951235, + 794.2393883509145, + -1244.1658678757865, + -1027.0668883619264, + -837.8571282859778, + -756.6562301806971, + -738.0353270810454, + -756.656184711546, + -837.8570093855503, + -1027.066666248372, + -1244.1659867908506, + 794.2255396020097, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1112362746483, - 383.9075391046104, - 1237.3274363612472, + -688.1116304303821, + 383.9078344679668, + 1237.327324613326, 5000, 5000, 5000, @@ -5103,17 +5355,17 @@ 5000, 5000, 5000, - -30.954838004088167, - -1481.5520980187493, - -1253.9959429842495, - -1090.5549616477622, - -1023.4583341114492, - -1018.8044519140167, - -1023.4583341114491, - -1090.5549616477617, - -1253.9959429842488, - -1481.552098018749, - -30.95483800408822, + -30.95065803144389, + -1481.5519967156329, + -1253.996015769012, + -1090.5549197805585, + -1023.4581681980219, + -1018.8042119581339, + -1023.4581393728139, + -1090.5548212739507, + -1253.9957983140011, + -1481.5518420249468, + -30.96005680082562, 5000, 5000, 5000, @@ -5133,17 +5385,17 @@ 5000, 5000, 5000, - -385.04321962615165, - -282.3596423337807, - 509.8973012962668, - 878.945810390918, - 972.3279585954934, - 640.5392798863405, - 972.3279585954934, - 878.9458103909182, - 509.897301296267, - -282.35964233378047, - -385.04321962615165, + -385.04593890926157, + -282.36707220944317, + 509.8875785036085, + 878.9363786615544, + 972.3200701258697, + 640.5337972176553, + 972.3200941046309, + 878.9365751671077, + 509.8880923567274, + -282.3655840575493, + -385.05071561088124, 5000, 5000, 5000, @@ -5273,12 +5525,12 @@ 5000, 5000, 5000, - 1126.4314877499273, - 1582.4492007479184, - 1514.2529982918304, - 1103.8978911490115, - 151.6265749127951, - -395.5766462888258, + 1126.4293822822704, + 1582.4506804720509, + 1514.2583425176067, + 1103.9042065712788, + 151.63157985992598, + -395.57484669151506, 5000, 5000, 5000, @@ -5298,17 +5550,17 @@ 5000, 5000, 5000, - -395.57664628882577, - 151.62657491279631, - 1103.8978911490112, - 1514.252998291831, - 1582.449200747919, - -1005.9251253431826, - -1006.5797637047742, - -1075.1903714522236, - -1235.6475954024343, - -1463.6363655064251, - -123.90194744325373, + -395.57288720945195, + 151.63241666184712, + 1103.9042265637452, + 1514.257973568726, + 1582.449337289748, + -1005.9250847754078, + -1006.5795244813477, + -1075.189904755845, + -1235.6471682426368, + -1463.6361710986837, + -123.90465733996402, 5000, 5000, 5000, @@ -5328,106 +5580,106 @@ 5000, 5000, 5000, - -123.90194744325385, - -1463.6363655064245, - -1235.6475954024338, - -1075.1903714522232, - -1006.5797637047739, - -764.928037983483, - -782.0503258727705, - -859.5048104453239, - -1040.7070999466741, - -1248.1402173505367, - 785.7340745553861, + -123.9009430882381, + -1463.6362467100766, + -1235.6472649517964, + -1075.1900007792417, + -1006.5795751824128, + -764.9283908386599, + -782.0506706805762, + -859.5050998202197, + -1040.707411914556, + -1248.1405541213367, + 785.7312049267957, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2584953232873, - 607.3822245238985, - 1584.5353027941708, - 890.266454395907, - 1584.5353027941705, - 607.3822245238983, - -655.2584953232869, + -655.2560362340131, + 607.397538642804, + 1584.5553824781416, + 890.2784508476609, + 1584.555465545031, + 607.397773443962, + -655.2569333614085, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7340745553871, - -1248.1402173505376, - -1040.707099946674, - -859.504810445324, - -782.0503258727713, - -503.60925839064913, - -530.2348247818272, - -630.2788645972822, - -852.0116432703016, - -1086.339077976053, - 1164.7341762613542, + 785.7377028646962, + -1248.140533063115, + -1040.7075010098224, + -859.5051602603979, + -782.0506532418624, + -503.60910483338614, + -530.2346819934529, + -630.2786949337082, + -852.0115335501746, + -1086.3391001018736, + 1164.7294416620966, 5000, 5000, 5000, 5000, 5000, 5000, - 459.2912473218257, - -929.3683417681536, - -771.4359162336253, - -731.6842665309739, - -771.4359162336254, - -929.3683417681536, - 459.2912473218262, + 459.29312845713275, + -929.3682627962437, + -771.4358021809448, + -731.684157272316, + -771.4356916858749, + -929.3681215638592, + 459.285598472133, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.734176261355, - -1086.3390779760532, - -852.011643270302, - -630.2788645972826, - -530.2348247818273, - -377.58195472250685, - -409.2212473245483, - -525.191934667207, - -770.3126256437395, - -1016.753943004532, - 1281.929218376798, + 1164.737259567659, + -1086.3390278969516, + -852.0116212436351, + -630.2787492481147, + -530.2346559395961, + -377.5818742961954, + -409.2211751331306, + -525.1918173849027, + -770.3125311206758, + -1016.7538826568327, + 1281.926039628967, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0932847951103, - -769.1423913514279, - -594.7635488124553, - -535.8476223342518, - -594.7635488124554, - -769.1423913514283, - 1408.09328479511, + 1408.0950750836605, + -769.1423855074848, + -594.7634713807716, + -535.8475434032026, + -594.7633359521068, + -769.1422601322986, + 1408.0836608395857, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.929218376798, - -1016.7539430045321, - -770.31262564374, - -525.1919346672069, - -409.2212473245481, - -412.5526805110718, - -463.5364910270374, - -644.7427249168403, - -902.9628379432108, - 1245.9333889771483, + 1281.9338692934512, + -1016.7538608747053, + -770.312629229846, + -525.1918720788748, + -409.22114558076004, + -412.5526577279249, + -463.5364867083201, + -644.742662610857, + -902.9627454284791, + 1245.935244299801, 5000, 5000, 5000, @@ -5435,13 +5687,13 @@ 5000, 5000, 5000, - 2796.799931765966, - -794.7707303573171, - -592.6119528558361, - -514.8720896910972, - -592.6119528558361, - -794.7707303573169, - 2796.799931765965, + 2796.803063152831, + -794.7707452635764, + -592.6119108720566, + -514.8720530813428, + -592.6117400738419, + -794.770693838519, + 2796.7856640636514, 5000, 5000, 5000, @@ -5449,15 +5701,15 @@ 5000, 5000, 5000, - 1245.9333889771478, - -902.9628379432114, - -644.7427249168403, - -463.5364910270372, - -460.206221251397, - -508.0982674638341, - -681.3740622844003, - -940.1622112675072, - 1105.6717561754378, + 1245.9378292977513, + -902.9628596810674, + -644.7427306022948, + -463.5364364385406, + -460.20620182286854, + -508.09826437898397, + -681.374001881203, + -940.1622465126532, + 1105.6703167753892, 5000, 5000, 5000, @@ -5465,13 +5717,13 @@ 5000, 5000, 5000, - 3902.9371109764775, - -843.656421896848, - -662.1400070822754, - -590.9990362668125, - -662.1400070822756, - -843.6564218968481, - 3902.9371109764797, + 3902.9416794678277, + -843.6564851424317, + -662.1399920571823, + -590.9990199129953, + -662.1398322577946, + -843.6564780148193, + 3902.9171028204973, 5000, 5000, 5000, @@ -5479,15 +5731,15 @@ 5000, 5000, 5000, - 1105.671756175437, - -940.1622112675077, - -681.3740622844003, - -508.09826746383396, - -636.6040587237776, - -675.7419267610783, - -824.0308183374837, - -1084.4087124157318, - 166.8206063647892, + 1105.673304514028, + -940.1623440609134, + -681.3740677732651, + -508.09821565232704, + -636.6040001112151, + -675.7418871416075, + -824.0307512704942, + -1084.4087665521913, + 166.8202282703726, 5000, 5000, 5000, @@ -5495,13 +5747,13 @@ 5000, 5000, 5000, - 1920.4789084038719, - -1027.537437572262, - -841.7783398614848, - -791.8291079382669, - -841.7783398614845, - -1027.5374375722615, - 1920.4789084038696, + 1920.4819620916205, + -1027.5375218451074, + -841.7783832192698, + -791.8291250268686, + -841.7782534441988, + -1027.5374351006888, + 1920.4665295651648, 5000, 5000, 5000, @@ -5509,15 +5761,15 @@ 5000, 5000, 5000, - 166.82060636478934, - -1084.4087124157318, - -824.0308183374834, - -675.7419267610776, - -906.2908773198964, - -944.5815172379038, - -1087.2321260138779, - -1321.7196003809488, - -449.0743229154732, + 166.8228407789399, + -1084.4088492154278, + -824.0308144962489, + -675.7418433424248, + -906.2907035823815, + -944.5813436831535, + -1087.2318902653399, + -1321.719444620556, + -449.07502397877136, 5000, 5000, 5000, @@ -5525,13 +5777,13 @@ 5000, 5000, 5000, - 64.46648806423539, - 1924.2526590949028, - 3871.955489371441, - 2746.2941131737803, - 3871.955489371442, - 1924.2526590949033, - 64.4664880642357, + 64.46706698898737, + 1924.2509962146785, + 3871.9504028218257, + 2746.290938760618, + 3871.9505063164875, + 1924.2513294002374, + 64.46521042762724, 5000, 5000, 5000, @@ -5539,15 +5791,15 @@ 5000, 5000, 5000, - -449.07432291547315, - -1321.7196003809495, - -1087.232126013877, - -944.5815172379035, - 951.5067938470203, - 802.3109149189213, - -42.38941467265789, - -569.885880823225, - 200.69289374983822, + -449.07372741165887, + -1321.7195738741934, + -1087.2319551639823, + -944.5813137124991, + 951.5057352405913, + 802.3102627709469, + -42.389516667232314, + -569.8861088144913, + 200.69126789575034, 5000, 5000, 5000, @@ -5569,10 +5821,10 @@ 5000, 5000, 5000, - 200.69289374983825, - -569.8858808232255, - -42.38941467265819, - 802.3109149189224, + 200.6910922167158, + -569.8862785735827, + -42.389548825518695, + 802.3100484860614, 5000, 5000, 5000, @@ -5764,15 +6016,15 @@ 5000, 5000, 5000, - 450.1782336626383, - -309.79073093995044, - 309.085380226144, - 1387.881097739581, - 1576.0886217969314, - 1387.8810977395817, - 309.08538022614323, - -309.79073093995044, - 450.1782336626381, + 450.17662508094827, + -309.79287837874205, + 309.0840929690892, + 1387.87908034066, + 1576.0858681676639, + 1387.8791281537415, + 309.08440422994124, + -309.79210671388057, + 450.17162362438853, 5000, 5000, 5000, @@ -5783,10 +6035,10 @@ 5000, 5000, 5000, - 2849.749494340482, - 3911.9370309066467, - 1912.3641396991516, - 89.21355381813403, + 2849.7455173147646, + 3911.932055794654, + 1912.3616162895173, + 89.21380358918331, 5000, 5000, 5000, @@ -5794,15 +6046,15 @@ 5000, 5000, 5000, - -442.6746085904518, - -1325.8073042395815, - -1091.3582289379676, - -938.6692526155542, - -897.118648398898, - -938.6692526155545, - -1091.3582289379676, - -1325.8073042395815, - -442.67460859045207, + -442.67378094977425, + -1325.8073021019645, + -1091.3581543698756, + -938.6692186548344, + -897.1186709276274, + -938.6691612345735, + -1091.3579853046162, + -1325.807073623443, + -442.68112256769416, 5000, 5000, 5000, @@ -5810,13 +6062,13 @@ 5000, 5000, 5000, - 89.21355381813407, - 1912.3641396991507, - 3911.9370309066476, - -797.6928745747495, - -848.4720381153303, - -1033.8493764884147, - 1914.5449843215079, + 89.212482379654, + 1912.362474957543, + 3911.931451092849, + -797.692843445213, + -848.4720256527972, + -1033.8492850960552, + 1914.5478407144892, 5000, 5000, 5000, @@ -5824,15 +6076,15 @@ 5000, 5000, 5000, - 82.48595142677559, - -1095.6675083369032, - -836.3602008654901, - -691.3473586358502, - -652.8321602283601, - -691.3473586358505, - -836.3602008654898, - -1095.6675083369028, - 82.48595142677591, + 82.48878954374428, + -1095.667631232937, + -836.36030493452, + -691.3474361772319, + -652.8322505032748, + -691.3473534347127, + -836.3600955967996, + -1095.6674922218808, + 82.47829732089387, 5000, 5000, 5000, @@ -5840,13 +6092,13 @@ 5000, 5000, 5000, - 1914.5449843215085, - -1033.849376488415, - -848.4720381153305, - -594.3357282861259, - -665.3553772174505, - -846.6678309063118, - 3878.237367587314, + 1914.5475430526235, + -1033.84931865736, + -848.47194079705, + -594.3355594542458, + -665.3552536547132, + -846.6676394575907, + 3878.2409313603844, 5000, 5000, 5000, @@ -5854,15 +6106,15 @@ 5000, 5000, 5000, - 1048.4797915587142, - -945.2038680765132, - -685.7659148089447, - -514.1321190727085, - -466.8175505901465, - -514.1321190727086, - -685.7659148089456, - -945.2038680765127, - 1048.4797915587135, + 1048.483614741219, + -945.2038256239734, + -685.7658583105662, + -514.1320144769244, + -466.81745620892667, + -514.1319146043392, + -685.7656178626205, + -945.2038183800993, + 1048.46754648147, 5000, 5000, 5000, @@ -5870,13 +6122,13 @@ 5000, 5000, 5000, - 3878.237367587314, - -846.6678309063119, - -665.3553772174499, - -514.8720903589681, - -592.6119537590502, - -794.7707321819765, - 2796.7999273595788, + 3878.240856568783, + -846.66768479148, + -665.3551600512503, + -514.8720293324243, + -592.6119332160139, + -794.7706006407745, + 2796.803008223898, 5000, 5000, 5000, @@ -5884,15 +6136,15 @@ 5000, 5000, 5000, - 1245.9343336359916, - -902.9628224857986, - -644.7427401775946, - -463.53650048128384, - -412.55268809584123, - -463.53650048128384, - -644.7427401775944, - -902.9628224857985, - 1245.9343336359918, + 1245.9374402681478, + -902.9627987739943, + -644.7427021488681, + -463.53643055020353, + -412.5526361646674, + -463.5363246109637, + -644.742450152368, + -902.9628304160033, + 1245.9208606280931, 5000, 5000, 5000, @@ -5900,13 +6152,13 @@ 5000, 5000, 5000, - 2796.7999273595806, - -794.7707321819765, - -592.6119537590498, - -590.9990365204663, - -662.1400075213321, - -843.6564229230197, - 3902.9371128570247, + 2796.802934076079, + -794.7706495957837, + -592.6118377632039, + -590.998929402667, + -662.139938922064, + -843.6562561685571, + 3902.9422649406274, 5000, 5000, 5000, @@ -5914,15 +6166,15 @@ 5000, 5000, 5000, - 1105.6719703054164, - -940.1622121185951, - -681.3740697846639, - -508.0982719720361, - -460.20622480375147, - -508.0982719720362, - -681.3740697846639, - -940.162212118595, - 1105.6719703054168, + 1105.6768460307228, + -940.1621840872782, + -681.3740532315435, + -508.09820116384975, + -460.2061639928242, + -508.0981002857908, + -681.3738108947222, + -940.1621857279404, + 1105.6604517295198, 5000, 5000, 5000, @@ -5930,13 +6182,13 @@ 5000, 5000, 5000, - 3902.937112857026, - -843.6564229230202, - -662.1400075213321, - -791.8291079594974, - -841.7783398966076, - -1027.5374377832206, - 1920.4789084481401, + 3902.9421899935664, + -843.6563015629171, + -662.1398450702222, + -791.8289620928186, + -841.7782322367112, + -1027.537323703506, + 1920.4787342789925, 5000, 5000, 5000, @@ -5944,15 +6196,15 @@ 5000, 5000, 5000, - 166.82060066152826, - -1084.4087158386817, - -824.0308200940408, - -675.7419276391632, - -636.6040593752319, - -675.7419276391638, - -824.0308200940406, - -1084.4087158386817, - 166.82060066152815, + 166.82247971207917, + -1084.4088138189347, + -824.0308763232517, + -675.7419734437566, + -636.6041236975333, + -675.7418887593869, + -824.0306633379342, + -1084.4086870154515, + 166.81144412559078, 5000, 5000, 5000, @@ -5960,13 +6212,13 @@ 5000, 5000, 5000, - 1920.478908448141, - -1027.5374377832204, - -841.7783398966077, - 2746.294112891724, - 3871.9554890167587, - 1924.2526584711543, - 64.46648678145782, + 1920.47844692058, + -1027.5373569799024, + -841.7781470981905, + 2746.299254493033, + 3871.9581399225885, + 1924.2531253480436, + 64.46592581482403, 5000, 5000, 5000, @@ -5974,15 +6226,15 @@ 5000, 5000, 5000, - -449.07433212041, - -1321.7196065244243, - -1087.23212921689, - -944.5815189177479, - -906.2908785529883, - -944.5815189177476, - -1087.2321292168897, - -1321.719606524423, - -449.0743321204098, + -449.0727921979212, + -1321.7195582409367, + -1087.2319330912674, + -944.5811734456323, + -906.2904951098963, + -944.5811136600282, + -1087.2317614014275, + -1321.719336105007, + -449.08020884642724, 5000, 5000, 5000, @@ -5990,9 +6242,9 @@ 5000, 5000, 5000, - 64.46648678145748, - 1924.2526584711538, - 3871.955489016759, + 64.46464264606061, + 1924.2539901887521, + 3871.9575019239223, 5000, 5000, 5000, @@ -6004,15 +6256,15 @@ 5000, 5000, 5000, - 200.69289045486437, - -569.8858828554738, - -42.38941583541905, - 802.3109142272232, - 951.5067932692252, - 802.3109142272225, - -42.38941583541921, - -569.8858828554738, - 200.69289045486383, + 200.69308625592154, + -569.8878083226859, + -42.38939208264433, + 802.3138917689099, + 951.5106537729212, + 802.3139376888987, + -42.38911809033522, + -569.887160310293, + 200.68783379415922, 5000, 5000, 5000, @@ -6203,11 +6455,11 @@ 5000, 5000, 5000, - 1576.0886215447636, - 1387.88109743923, - 309.08537974640376, - -309.79073174831706, - 450.1782323773813, + 1576.0950654411076, + 1387.8887703145056, + 309.09218230295596, + -309.7847294835683, + 450.1830154100315, 5000, 5000, 5000, @@ -6229,15 +6481,15 @@ 5000, 5000, 5000, - 450.17823237738173, - -309.790731748317, - 309.08537974640416, - 1387.8810974392302, - -897.1186483151132, - -938.6692525428825, - -1091.3582288447287, - -1325.8073041231528, - -442.67460844217, + 450.1828359102101, + -309.78490182502117, + 309.09218078607176, + 1387.8885186810246, + -897.1186512045613, + -938.669246341314, + -1091.3582108890632, + -1325.8073543706648, + -442.6763051114577, 5000, 5000, 5000, @@ -6245,13 +6497,13 @@ 5000, 5000, 5000, - 89.21355401434242, - 1912.3641398904438, - 3911.937031076551, - 2849.749494482042, - 3911.9370310765516, - 1912.3641398904444, - 89.21355401434204, + 89.21873221175078, + 1912.3905207783214, + 3911.9731661722185, + 2849.771996773479, + 3911.9732694006057, + 1912.390861850506, + 89.21689932054998, 5000, 5000, 5000, @@ -6259,15 +6511,15 @@ 5000, 5000, 5000, - -442.6746084421703, - -1325.807304123153, - -1091.3582288447292, - -938.6692525428824, - -652.8321604711618, - -691.3473588457953, - -836.3602010477853, - -1095.6675084707044, - 82.4859513465414, + -442.6751387402196, + -1325.8074901890516, + -1091.358274325667, + -938.6692176033981, + -652.8319794954127, + -691.3471989525436, + -836.36001700083, + -1095.6673943801052, + 82.48648100869192, 5000, 5000, 5000, @@ -6275,13 +6527,13 @@ 5000, 5000, 5000, - 1914.5449844675923, - -1033.8493763947677, - -848.4720380779363, - -797.6928746127815, - -848.4720380779365, - -1033.8493763947674, - 1914.5449844675898, + 1914.5486584262037, + -1033.8493258223634, + -848.4719859261129, + -797.6928468036594, + -848.4718571519317, + -1033.8492397987434, + 1914.5332297925831, 5000, 5000, 5000, @@ -6289,15 +6541,15 @@ 5000, 5000, 5000, - 82.48595134654087, - -1095.6675084707047, - -836.360201047785, - -691.3473588457955, - -466.8175518069493, - -514.132120678369, - -685.7659178983441, - -945.2038740618866, - 1048.4797847302953, + 82.4889972701234, + -1095.6674787146646, + -836.3600800019977, + -691.3471556491646, + -466.81747965347785, + -514.1320682236678, + -685.765817443116, + -945.2037862145479, + 1048.4808296011213, 5000, 5000, 5000, @@ -6305,13 +6557,13 @@ 5000, 5000, 5000, - 3878.2373675103, - -846.6678310600021, - -665.3553773060214, - -594.3357283732571, - -665.3553773060215, - -846.6678310600015, - 3878.2373675103017, + 3878.2421721104483, + -846.6678387880855, + -665.3553047948241, + -594.3356528341892, + -665.3551454680421, + -846.6678308301239, + 3878.217707466859, 5000, 5000, 5000, @@ -6319,14 +6571,14 @@ 5000, 5000, 5000, - 1048.479784730295, - -945.2038740618872, - -685.7659178983432, - -514.1321206783691, - -479.64847664830233, - -548.1793220497066, - -772.7556163293752, - -329.6530430136523, + 1048.48381036457, + -945.2038824878066, + -685.7658830419232, + -514.1320197880345, + -479.64845545295077, + -548.1793323291844, + -772.7555500814403, + -329.65253486097265, 5000, 5000, 5000, @@ -6335,13 +6587,13 @@ 5000, 5000, 5000, - 1717.5689453661505, - -819.380148559053, - -598.2886679061348, - -519.2261719460388, - -598.2886679061347, - -819.3801485590532, - 1717.5689453661507, + 1717.5702944940854, + -819.3801668985151, + -598.288624091201, + -519.2261379640064, + -598.2884532240518, + -819.3800370492024, + 1717.5577816281077, 5000, 5000, 5000, @@ -6350,13 +6602,13 @@ 5000, 5000, 5000, - -329.65304301365205, - -772.7556163293748, - -548.1793220497069, - -545.6640905547704, - -607.8146500060834, - -822.4658296968558, - -441.3295447828192, + -329.65262625224324, + -772.7556212906654, + -548.1792591249382, + -545.6640771071114, + -607.8146675624691, + -822.4657885049353, + -441.3295336280479, 5000, 5000, 5000, @@ -6365,13 +6617,13 @@ 5000, 5000, 5000, - 1803.477866480007, - -879.4069101553871, - -671.057096018663, - -599.0336523214812, - -671.0570960186627, - -879.4069101553871, - 1803.477866480006, + 1803.4799308630356, + -879.4069908405515, + -671.0570975022304, + -599.0336550123255, + -671.0569375117964, + -879.4068709632479, + 1803.4663481724356, 5000, 5000, 5000, @@ -6380,13 +6632,13 @@ 5000, 5000, 5000, - -441.32954478281926, - -822.4658296968558, - -607.8146500060832, - -768.2317778491191, - -820.2807351503093, - -1009.095527289691, - -940.1565040399597, + -441.3295958890196, + -822.4658563856694, + -607.814596223802, + -768.2316505497829, + -820.2806300849908, + -1009.095366335792, + -940.156653322855, 5000, 5000, 5000, @@ -6395,13 +6647,13 @@ 5000, 5000, 5000, - 303.1081201552883, - -1083.1646430918831, - -877.0598578498531, - -818.1335518105716, - -877.0598578498528, - -1083.164643091883, - 303.10812015528876, + 303.10963835632464, + -1083.1646882938069, + -877.0598485762418, + -818.1335417435066, + -877.0597191120163, + -1083.164510243982, + 303.1024022692421, 5000, 5000, 5000, @@ -6410,13 +6662,13 @@ 5000, 5000, 5000, - -940.1565040399595, - -1009.0955272896913, - -820.2807351503097, - -406.6643274072146, - -519.3246554350768, - -990.5521268172422, - -1258.6797184868465, + -940.1567583470201, + -1009.0954293691406, + -820.2805643027093, + -406.6640088800991, + -519.3243209325177, + -990.5517041353963, + -1258.6793791318196, 5000, 5000, 5000, @@ -6425,13 +6677,13 @@ 5000, 5000, 5000, - -422.25288573271956, - 438.03839842963794, - 1973.0942883468665, - 1853.0786446429279, - 1973.094288346866, - 438.0383984296379, - -422.25288573271996, + -422.2524698665351, + 438.03833219777783, + 1973.0931021356778, + 1853.077488444621, + 1973.0932052886608, + 438.0387034829096, + -422.2531342242543, 5000, 5000, 5000, @@ -6440,9 +6692,9 @@ 5000, 5000, 5000, - -1258.679718486845, - -990.5521268172415, - -519.3246554350771, + -1258.6798728771012, + -990.5517077206393, + -519.324263262123, 5000, 5000, 5000, @@ -6683,10 +6935,10 @@ 5000, 5000, 5000, - 1588.3452100598365, - 1640.3739462437618, - 228.31403317214202, - -462.24643604449767, + 1588.3433603653464, + 1640.3719479790398, + 228.3132061966913, + -462.2467401260341, 5000, 5000, 5000, @@ -6695,13 +6947,13 @@ 5000, 5000, 5000, - -1228.818177912574, - -913.1709279114407, - -368.58454684818287, - -244.5743886842669, - -368.5845468481829, - -913.1709279114405, - -1228.818177912574, + -1228.8183740068025, + -913.1707030805142, + -368.58436948340403, + -244.5744812309924, + -368.58428964601563, + -913.1704373764379, + -1228.8183131901937, 5000, 5000, 5000, @@ -6710,13 +6962,13 @@ 5000, 5000, 5000, - -462.2464360444975, - 228.31403317214247, - 1640.3739462437622, - -820.499197819137, - -880.4820186974497, - -1084.520080265856, - 355.84108879788727, + -462.24815869434735, + 228.31354226938515, + 1640.3719014628277, + -820.4991568209332, + -880.4819945430529, + -1084.5199680214187, + 355.84180628510296, 5000, 5000, 5000, @@ -6725,13 +6977,13 @@ 5000, 5000, 5000, - -967.950640632218, - -1016.5761866518784, - -828.1435891072836, - -776.981467644719, - -828.1435891072839, - -1016.5761866518786, - -967.950640632218, + -967.9509578784747, + -1016.5762264642318, + -828.1436092088778, + -776.9815109627228, + -828.1434984004544, + -1016.5759816430068, + -967.9522104236443, 5000, 5000, 5000, @@ -6740,13 +6992,13 @@ 5000, 5000, 5000, - 355.8410887978872, - -1084.520080265857, - -880.4820186974503, - -597.5547339261021, - -669.8345175817857, - -878.4711085878876, - 1798.8540813092327, + 355.8415421211036, + -1084.5200204544578, + -880.4819116868485, + -597.5545581038293, + -669.8343793917549, + -878.4708981799648, + 1798.854739649339, 5000, 5000, 5000, @@ -6755,13 +7007,13 @@ 5000, 5000, 5000, - -454.9470749197173, - -826.3410417700048, - -612.86594742421, - -550.5261503650435, - -612.8659474242099, - -826.341041770005, - -454.94707491971764, + -454.9464839800468, + -826.3409809414135, + -612.8658256552907, + -550.5260363539348, + -612.8656892974822, + -826.340725216395, + -454.9493311644238, 5000, 5000, 5000, @@ -6770,13 +7022,13 @@ 5000, 5000, 5000, - 1798.854081309233, - -878.4711085878876, - -669.8345175817856, - -519.2261715177976, - -598.2886674311218, - -819.3801477930083, - 1717.568946891429, + 1798.8546808279807, + -878.4709579827462, + -669.8342904010962, + -519.226113850563, + -598.2886444350404, + -819.3800132015363, + 1717.570380206409, 5000, 5000, 5000, @@ -6785,13 +7037,13 @@ 5000, 5000, 5000, - -329.653113383068, - -772.7556176033816, - -548.1793218813239, - -479.6484765723479, - -548.1793218813235, - -772.7556176033813, - -329.6531133830681, + -329.6525310117106, + -772.7555958952714, + -548.1792584554714, + -479.6484296839624, + -548.1791130955147, + -772.7553329696153, + -329.6557005656697, 5000, 5000, 5000, @@ -6800,13 +7052,13 @@ 5000, 5000, 5000, - 1717.5689468914293, - -819.3801477930087, - -598.2886674311213, - -599.0336523252324, - -671.0570959304496, - -879.4069101143061, - 1803.477866472973, + 1717.5703040802048, + -819.3800767943358, + -598.2885534335862, + -599.0335343087181, + -671.057009109651, + -879.4067142157064, + 1803.4801635221854, 5000, 5000, 5000, @@ -6815,13 +7067,13 @@ 5000, 5000, 5000, - -441.32954445937014, - -822.4658295304738, - -607.8146498421395, - -545.664090363454, - -607.8146498421399, - -822.4658295304738, - -441.3295444593705, + -441.329261240469, + -822.4657410023274, + -607.8145196856011, + -545.6639768235602, + -607.8143824296812, + -822.4654846800162, + -441.3321559301526, 5000, 5000, 5000, @@ -6830,13 +7082,13 @@ 5000, 5000, 5000, - 1803.4778664729727, - -879.4069101143065, - -671.0570959304499, - -818.1335518096113, - -877.0598578532163, - -1083.1646430886155, - 303.1081201092982, + 1803.4801027824003, + -879.406773929663, + -671.0569200584241, + -818.1333796142633, + -877.0597272746273, + -1083.164503101342, + 303.1069759295943, 5000, 5000, 5000, @@ -6845,13 +7097,13 @@ 5000, 5000, 5000, - -940.1565041257468, - -1009.0955273391342, - -820.2807351824266, - -768.2317778399971, - -820.2807351824267, - -1009.0955273391339, - -940.1565041257469, + -940.1565470964231, + -1009.0956071786756, + -820.2807700593204, + -768.2318229212876, + -820.2806576339052, + -1009.0953618324787, + -940.1579011364114, 5000, 5000, 5000, @@ -6860,13 +7112,13 @@ 5000, 5000, 5000, - 303.10812010929817, - -1083.1646430886153, - -877.0598578532165, - 1853.0786447873513, - 1973.0942885343152, - 438.0383986980939, - -422.25288523351134, + 303.10670209884165, + -1083.1645546172406, + -877.0596445274203, + 1853.087046090141, + 1973.1010686136149, + 438.04113711692463, + -422.2531095958618, 5000, 5000, 5000, @@ -6875,13 +7127,13 @@ 5000, 5000, 5000, - -1258.6797159060598, - -990.5521254911473, - -519.3246547778525, - -406.66432694491004, - -519.3246547778526, - -990.5521254911476, - -1258.6797159060604, + -1258.679741928206, + -990.5512286541847, + -519.322487732333, + -406.661779476105, + -519.3224072563681, + -990.5509711544339, + -1258.6797444724366, 5000, 5000, 5000, @@ -6890,9 +7142,9 @@ 5000, 5000, 5000, - -422.2528852335115, - 438.0383986980944, - 1973.0942885343154, + -422.25454842148525, + 438.04153315388294, + 1973.1009843246472, 5000, 5000, 5000, @@ -7133,10 +7385,10 @@ 5000, 5000, 5000, - -244.57438864722135, - -368.584546808698, - -913.1709278841378, - -1228.8181779114486, + -244.5707919328377, + -368.58084542586715, + -913.1685792166858, + -1228.816988909051, 5000, 5000, 5000, @@ -7145,13 +7397,13 @@ 5000, 5000, 5000, - -462.246436319516, - 228.31403304423074, - 1640.3739462101455, - 1588.3452100732063, - 1640.3739462101455, - 228.31403304423117, - -462.2464363195166, + -462.2428484754122, + 228.32472431319684, + 1640.3902460350375, + 1588.3584400374975, + 1640.3903485426436, + 228.32508492704966, + -462.24363490125984, 5000, 5000, 5000, @@ -7160,13 +7412,13 @@ 5000, 5000, 5000, - -1228.8181779114495, - -913.1709278841379, - -368.58454680869806, - -776.9814675834926, - -828.1435890837408, - -1016.5761866085595, - -967.9506405859682, + -1228.8175111825444, + -913.1685638203037, + -368.58078588960024, + -776.9812729403246, + -828.1434044425938, + -1016.575919284026, + -967.9504540588746, 5000, 5000, 5000, @@ -7175,13 +7427,13 @@ 5000, 5000, 5000, - 355.84108957919386, - -1084.5200797118057, - -880.4820183458793, - -820.4991975053682, - -880.4820183458797, - -1084.520079711806, - 355.8410895791945, + 355.8431310064168, + -1084.5200009140206, + -880.481929257808, + -820.499135839873, + -880.4817992761998, + -1084.5198259081603, + 355.83563789644774, 5000, 5000, 5000, @@ -7190,13 +7442,13 @@ 5000, 5000, 5000, - -967.9506405859679, - -1016.5761866085589, - -828.1435890837405, - -550.5261498267655, - -612.8659465984225, - -826.3410398827201, - -454.9470727028722, + -967.950569559634, + -1016.5759818398162, + -828.1433387936692, + -550.5260824655198, + -612.8659151667608, + -826.340952679508, + -454.94645427164306, 5000, 5000, 5000, @@ -7205,13 +7457,13 @@ 5000, 5000, 5000, - 1798.8540773277161, - -878.4711082038473, - -669.8345173190369, - -597.5547337061826, - -669.8345173190372, - -878.4711082038468, - 1798.8540773277148, + 1798.8557167981946, + -878.4711111295034, + -669.8344359965283, + -597.5546528656547, + -669.8342756193146, + -878.4709908325843, + 1798.842172827557, 5000, 5000, 5000, @@ -7220,13 +7472,13 @@ 5000, 5000, 5000, - -454.947072702872, - -826.3410398827198, - -612.8659465984224, - -519.226171253278, - -598.2886672916277, - -819.3801478029579, - 1717.5689659878706, + -454.94651670820264, + -826.3410203261592, + -612.8658439716224, + -519.2261358209641, + -598.2886711889528, + -819.3800639596789, + 1717.569793749933, 5000, 5000, 5000, @@ -7235,13 +7487,13 @@ 5000, 5000, 5000, - -329.6531130237873, - -772.7556173451601, - -548.1793216705129, - -479.6484763809105, - -548.1793216705128, - -772.7556173451604, - -329.6531130237874, + -329.65240972482405, + -772.7556630918086, + -548.1793024880532, + -479.6484655775367, + -548.1791571280914, + -772.7554001661618, + -329.65557927973504, 5000, 5000, 5000, @@ -7250,13 +7502,13 @@ 5000, 5000, 5000, - 1717.5689659878706, - -819.3801478029582, - -598.288667291628, - -597.5547337061829, - -669.8345173190373, - -878.4711082038473, - 1798.854077327718, + 1717.5697176238036, + -819.3801275524606, + -598.2885801874902, + -597.5547233332863, + -669.8345505967878, + -878.4710743936122, + 1798.855689073658, 5000, 5000, 5000, @@ -7265,13 +7517,13 @@ 5000, 5000, 5000, - -454.94707270287194, - -826.34103988272, - -612.8659465984229, - -550.5261498267661, - -612.8659465984225, - -826.3410398827198, - -454.9470727028719, + -454.94706067870834, + -826.3411092891367, + -612.8659435525702, + -550.5261542431887, + -612.865807194772, + -826.3408535640942, + -454.94990786121446, 5000, 5000, 5000, @@ -7280,13 +7532,13 @@ 5000, 5000, 5000, - 1798.8540773277177, - -878.4711082038475, - -669.8345173190369, - -820.4991975053686, - -880.4820183458803, - -1084.5200797118064, - 355.841089579194, + 1798.8556302522825, + -878.4711341963787, + -669.8344616061099, + -820.499127417678, + -880.4819821379326, + -1084.519969847692, + 355.8416382999205, 5000, 5000, 5000, @@ -7295,13 +7547,13 @@ 5000, 5000, 5000, - -967.9506405859682, - -1016.5761866085592, - -828.1435890837414, - -776.9814675834922, - -828.1435890837413, - -1016.576186608559, - -967.9506405859684, + -967.9506203703252, + -1016.5762235651486, + -828.1435543352301, + -776.9814358077549, + -828.1434435267781, + -1016.5759787438973, + -967.9518729171932, 5000, 5000, 5000, @@ -7310,13 +7562,13 @@ 5000, 5000, 5000, - 355.84108957919346, - -1084.5200797118055, - -880.4820183458797, - 1588.3452100732052, - 1640.3739462101478, - 228.31403304423046, - -462.2464363195165, + 355.84137413580964, + -1084.5200222807405, + -880.4818992817038, + 1588.3433394813192, + 1640.371937760856, + 228.31332373920998, + -462.24613053215273, 5000, 5000, 5000, @@ -7325,13 +7577,13 @@ 5000, 5000, 5000, - -1228.8181779114502, - -913.1709278841375, - -368.5845468086978, - -244.57438864722167, - -368.5845468086976, - -913.1709278841379, - -1228.81817791145, + -1228.8179062552003, + -913.1704466905938, + -368.58382480788066, + -244.57381323604392, + -368.58374497049005, + -913.1701809863736, + -1228.8178454383146, 5000, 5000, 5000, @@ -7340,9 +7592,9 @@ 5000, 5000, 5000, - -462.24643631951614, - 228.31403304423085, - 1640.3739462101466, + -462.24754910165774, + 228.31365981178118, + 1640.3718912446257, 5000, 5000, 5000, @@ -7583,10 +7835,10 @@ 5000, 5000, 5000, - -406.66432694490993, - -519.3246547778526, - -990.5521254911472, - -1258.6797159060595, + -406.6646781451314, + -519.3249390967618, + -990.5520211630322, + -1258.67987549777, 5000, 5000, 5000, @@ -7595,13 +7847,13 @@ 5000, 5000, 5000, - -422.25288523351145, - 438.0383986980941, - 1973.0942885343168, - 1853.0786447873509, - 1973.0942885343175, - 438.03839869809445, - -422.2528852335113, + -422.2530256956598, + 438.0391162995546, + 1973.094296712938, + 1853.0781437790542, + 1973.0943998659093, + 438.03948758438634, + -422.2536900549861, 5000, 5000, 5000, @@ -7610,13 +7862,13 @@ 5000, 5000, 5000, - -1258.6797159060595, - -990.5521254911476, - -519.3246547778524, - -768.2317778399967, - -820.2807351824265, - -1009.0955273391347, - -940.156504125747, + -1258.6803692422832, + -990.5520247483352, + -519.3248814263926, + -768.2317606824404, + -820.2807254822395, + -1009.0954209013522, + -940.1567533511898, 5000, 5000, 5000, @@ -7625,13 +7877,13 @@ 5000, 5000, 5000, - 303.1081201092983, - -1083.1646430886153, - -877.0598578532165, - -818.1335518096103, - -877.0598578532167, - -1083.164643088616, - 303.10812010929845, + 303.10808312274304, + -1083.1646865914377, + -877.0598520759164, + -818.133569429513, + -877.0597226117228, + -1083.1645085415616, + 303.10084704303205, 5000, 5000, 5000, @@ -7640,13 +7892,13 @@ 5000, 5000, 5000, - -940.1565041257472, - -1009.0955273391345, - -820.2807351824263, - -545.664090363454, - -607.8146498421399, - -822.4658295304733, - -441.32954445937, + -940.1568583752999, + -1009.095483934702, + -820.2806596999791, + -545.6639503219967, + -607.8145384349906, + -822.4656468160731, + -441.329260591227, 5000, 5000, 5000, @@ -7655,13 +7907,13 @@ 5000, 5000, 5000, - 1803.4778664729724, - -879.4069101143061, - -671.0570959304495, - -599.0336523252319, - -671.0570959304497, - -879.4069101143057, - 1803.4778664729724, + 1803.4783789878627, + -879.4068185334442, + -671.0569325009602, + -599.0334972975218, + -671.0567725105307, + -879.4066986560503, + 1803.46479630609, 5000, 5000, 5000, @@ -7670,13 +7922,13 @@ 5000, 5000, 5000, - -441.32954445936997, - -822.4658295304731, - -607.8146498421399, - -479.64847657234816, - -548.1793218813234, - -772.7556176033812, - -329.6531133830683, + -441.3293228522254, + -822.4657146968133, + -607.8144670963327, + -479.6484110349609, + -548.1792757290845, + -772.7554686374921, + -329.65311060811666, 5000, 5000, 5000, @@ -7685,13 +7937,13 @@ 5000, 5000, 5000, - 1717.5689468914277, - -819.3801477930084, - -598.2886674311217, - -519.2261715177976, - -598.2886674311213, - -819.3801477930085, - 1717.568946891428, + 1717.5712045105258, + -819.3801098133316, + -598.2886006984787, + -519.2261202236307, + -598.2884298313247, + -819.3799799640819, + 1717.5586916408038, 5000, 5000, 5000, @@ -7700,13 +7952,13 @@ 5000, 5000, 5000, - -329.65311338306776, - -772.7556176033813, - -548.1793218813235, - -550.5261503650438, - -612.8659474242104, - -826.3410417700047, - -454.9470749197175, + -329.6532019994784, + -772.7555398467329, + -548.1792025248566, + -550.5260384582076, + -612.8658543894861, + -826.3408521953304, + -454.9468590575535, 5000, 5000, 5000, @@ -7715,13 +7967,13 @@ 5000, 5000, 5000, - 1798.8540813092334, - -878.4711085878879, - -669.8345175817852, - -597.5547339261018, - -669.8345175817853, - -878.4711085878877, - 1798.8540813092338, + 1798.8568799010138, + -878.4710148583108, + -669.8343947366479, + -597.5546252212438, + -669.8342343594321, + -878.4708945614572, + 1798.843335925158, 5000, 5000, 5000, @@ -7730,13 +7982,13 @@ 5000, 5000, 5000, - -454.9470749197176, - -826.3410417700051, - -612.8659474242102, - -776.9814676447195, - -828.1435891072841, - -1016.5761866518787, - -967.950640632218, + -454.9469214941738, + -826.3409198419995, + -612.8657831943675, + -776.9814508618432, + -828.1435875703443, + -1016.5761075749515, + -967.950833902461, 5000, 5000, 5000, @@ -7745,13 +7997,13 @@ 5000, 5000, 5000, - 355.84108879788715, - -1084.5200802658555, - -880.4820186974498, - -820.4991978191377, - -880.4820186974504, - -1084.5200802658558, - 355.84108879788744, + 355.84072237479137, + -1084.520094368148, + -880.4819241938349, + -820.4990922560464, + -880.4817942122602, + -1084.5199193621754, + 355.83322927568724, 5000, 5000, 5000, @@ -7760,13 +8012,13 @@ 5000, 5000, 5000, - -967.9506406322184, - -1016.5761866518785, - -828.1435891072839, - -244.57438868426703, - -368.5845468481824, - -913.1709279114402, - -1228.818177912574, + -967.9509494032195, + -1016.5761701307323, + -828.1435219214194, + -244.57110535198896, + -368.5818189469451, + -913.1696044395676, + -1228.8181851392358, 5000, 5000, 5000, @@ -7775,13 +8027,13 @@ 5000, 5000, 5000, - -462.2464360444976, - 228.31403317214196, - 1640.3739462437632, - 1588.3452100598352, - 1640.3739462437636, - 228.31403317214202, - -462.2464360444976, + -462.24654611142165, + 228.31653819709337, + 1640.380253775838, + 1588.3532399770847, + 1640.380356283392, + 228.31689880977433, + -462.2473325451039, 5000, 5000, 5000, @@ -7790,9 +8042,9 @@ 5000, 5000, 5000, - -1228.8181779125737, - -913.1709279114402, - -368.58454684818264, + -1228.818707411173, + -913.1695890431272, + -368.58175941008477, 5000, 5000, 5000, @@ -8033,10 +8285,10 @@ 5000, 5000, 5000, - 1853.0786446429286, - 1973.0942883468665, - 438.03839842963816, - -422.2528857327197, + 1853.0938960212766, + 1973.1142919472584, + 438.0517944198166, + -422.2483871349869, 5000, 5000, 5000, @@ -8045,13 +8297,13 @@ 5000, 5000, 5000, - -1258.6797184868465, - -990.5521268172423, - -519.3246554350769, - -406.66432740721467, - -519.3246554350771, - -990.5521268172423, - -1258.6797184868456, + -1258.679070350341, + -990.5506201203908, + -519.322006035814, + -406.6617546738422, + -519.3219255598804, + -990.5503626203721, + -1258.6790728925712, 5000, 5000, 5000, @@ -8060,13 +8312,13 @@ 5000, 5000, 5000, - -422.2528857327196, - 438.0383984296378, - 1973.0942883468676, - -818.133551810572, - -877.059857849853, - -1083.1646430918834, - 303.1081201552885, + -422.24982596497387, + 438.05219045908655, + 1973.114207654412, + -818.1334646674713, + -877.0597654455636, + -1083.1644204357822, + 303.109329493869, 5000, 5000, 5000, @@ -8075,13 +8327,13 @@ 5000, 5000, 5000, - -940.1565040399599, - -1009.0955272896914, - -820.2807351503093, - -768.2317778491193, - -820.2807351503097, - -1009.0955272896915, - -940.15650403996, + -940.1561717539338, + -1009.0954281320112, + -820.280578924752, + -768.2316290616801, + -820.2804664993203, + -1009.0951827858119, + -940.157525795045, 5000, 5000, 5000, @@ -8090,13 +8342,13 @@ 5000, 5000, 5000, - 303.1081201552881, - -1083.164643091882, - -877.059857849853, - -599.0336523214806, - -671.0570960186631, - -879.4069101553871, - 1803.4778664800067, + 303.1090556630166, + -1083.1644719517012, + -877.0596826983609, + -599.0335654307969, + -671.057052365836, + -879.4068061161364, + 1803.4789779666175, 5000, 5000, 5000, @@ -8105,13 +8357,13 @@ 5000, 5000, 5000, - -441.3295447828193, - -822.4658296968557, - -607.8146500060833, - -545.6640905547707, - -607.8146500060834, - -822.4658296968556, - -441.32954478281926, + -441.3289001908511, + -822.4658529889357, + -607.8145926894564, + -545.6640340847083, + -607.814455433528, + -822.4655966666495, + -441.3317948828438, 5000, 5000, 5000, @@ -8120,13 +8372,13 @@ 5000, 5000, 5000, - 1803.4778664800062, - -879.4069101553873, - -671.0570960186627, - -514.8720899560707, - -592.6119533244985, - -794.7707317522664, - 2796.7999290161365, + 1803.478917226839, + -879.4068658300727, + -671.0569633145944, + -514.8720597430876, + -592.6119702130842, + -794.7706575353825, + 2796.803187573019, 5000, 5000, 5000, @@ -8134,15 +8386,15 @@ 5000, 5000, 5000, - 1245.9343520670536, - -902.9628294779096, - -644.7427443849845, - -463.5365022793467, - -412.5526892539906, - -463.5365022793467, - -644.7427443849847, - -902.9628294779098, - 1245.9343520670534, + 1245.9385475675372, + -902.9628483387183, + -644.742766125277, + -463.53647470943383, + -412.5526740428022, + -463.53636877018954, + -644.7425141287704, + -902.9628799809117, + 1245.921967919212, 5000, 5000, 5000, @@ -8150,13 +8402,13 @@ 5000, 5000, 5000, - 2796.799929016137, - -794.7707317522666, - -592.6119533244986, - -594.3357283732574, - -665.3553773060214, - -846.6678310600017, - 3878.2373675102976, + 2796.803113425249, + -794.770706490374, + -592.6118747602623, + -594.335718026509, + -665.3554164239298, + -846.6678110919876, + 3878.2419010617573, 5000, 5000, 5000, @@ -8164,15 +8416,15 @@ 5000, 5000, 5000, - 1048.4797847302955, - -945.2038740618867, - -685.7659178983444, - -514.1321206783692, - -466.8175518069486, - -514.1321206783691, - -685.7659178983437, - -945.2038740618863, - 1048.4797847302948, + 1048.4841755009948, + -945.2040018140045, + -685.7660232946499, + -514.1321571643172, + -466.81759309197236, + -514.1320572917253, + -685.7657828466862, + -945.2039945702373, + 1048.4681072360768, 5000, 5000, 5000, @@ -8180,13 +8432,13 @@ 5000, 5000, 5000, - 3878.2373675102986, - -846.6678310600018, - -665.3553773060218, - -797.6928746127811, - -848.4720380779369, - -1033.8493763947674, - 1914.5449844675925, + 3878.241826270132, + -846.6678564258667, + -665.3553228204521, + -797.6928489179295, + -848.4720585822863, + -1033.84929969426, + 1914.5480753395775, 5000, 5000, 5000, @@ -8194,15 +8446,15 @@ 5000, 5000, 5000, - 82.48595134654074, - -1095.6675084707038, - -836.3602010477846, - -691.3473588457953, - -652.832160471161, - -691.3473588457952, - -836.3602010477847, - -1095.667508470703, - 82.485951346541, + 82.48756691230156, + -1095.6676127999092, + -836.3602062154381, + -691.3473110003631, + -652.8321158002822, + -691.3472282578413, + -836.3599968777066, + -1095.6674737887026, + 82.47707469850783, 5000, 5000, 5000, @@ -8210,13 +8462,13 @@ 5000, 5000, 5000, - 1914.5449844675923, - -1033.8493763947672, - -848.4720380779364, - 2849.749494482042, - 3911.93703107655, - 1912.3641398904415, - 89.21355401434236, + 1914.5477776776806, + -1033.8493332555777, + -848.4719737265077, + 2849.745473455446, + 3911.932023607518, + 1912.361710321266, + 89.2141760683788, 5000, 5000, 5000, @@ -8224,15 +8476,15 @@ 5000, 5000, 5000, - -442.6746084421701, - -1325.8073041231523, - -1091.3582288447296, - -938.6692525428822, - -897.118648315113, - -938.6692525428821, - -1091.3582288447299, - -1325.8073041231519, - -442.6746084421701, + -442.6735231247141, + -1325.8073276708403, + -1091.3581895307987, + -938.669182281082, + -897.1186032134442, + -938.6691248608354, + -1091.3580204655345, + -1325.807099192286, + -442.6808647431649, 5000, 5000, 5000, @@ -8240,9 +8492,9 @@ 5000, 5000, 5000, - 89.21355401434225, - 1912.3641398904429, - 3911.937031076551, + 89.21285485769155, + 1912.362568989162, + 3911.9314189056886, 5000, 5000, 5000, @@ -8254,15 +8506,15 @@ 5000, 5000, 5000, - 450.1782323773815, - -309.79073174831694, - 309.08537974640365, - 1387.88109743923, - 1576.088621544765, - 1387.88109743923, - 309.08537974640376, - -309.7907317483169, - 450.17823237738173, + 450.1775566765454, + -309.7910198160262, + 309.08559398365253, + 1387.8811898953547, + 1576.0881057557228, + 1387.881237708454, + 309.0859052449231, + -309.790248149733, + 450.1725552282183, 5000, 5000, 5000, @@ -8453,11 +8705,11 @@ 5000, 5000, 5000, - 951.5067932692264, - 802.3109142272233, - -42.38941583541903, - -569.8858828554736, - 200.69289045486417, + 951.5041318611242, + 802.3088841620371, + -42.390208474349926, + -569.886981322374, + 200.6898203328489, 5000, 5000, 5000, @@ -8479,15 +8731,15 @@ 5000, 5000, 5000, - 200.69289045486397, - -569.8858828554737, - -42.389415835418646, - 802.3109142272231, - -906.2908785529889, - -944.5815189177478, - -1087.2321292168904, - -1321.7196065244245, - -449.07433212041, + 200.68964465390184, + -569.887151081263, + -42.39024063270545, + 802.3086698770564, + -906.2907227615983, + -944.5813577545604, + -1087.2319023066048, + -1321.719491831567, + -449.07526389712865, 5000, 5000, 5000, @@ -8495,13 +8747,13 @@ 5000, 5000, 5000, - 64.46648678145779, - 1924.2526584711522, - 3871.9554890167597, - 2746.294112891727, - 3871.955489016758, - 1924.252658471153, - 64.4664867814578, + 64.4667451255581, + 1924.2511230971893, + 3871.950996436082, + 2746.291655974995, + 3871.9510999307345, + 1924.2514562825131, + 64.46488856156333, 5000, 5000, 5000, @@ -8509,15 +8761,15 @@ 5000, 5000, 5000, - -449.07433212041025, - -1321.7196065244239, - -1087.2321292168904, - -944.5815189177481, - -636.6040593752316, - -675.7419276391634, - -824.0308200940403, - -1084.4087158386812, - 166.82060066152783, + -449.07396732909996, + -1321.719621085178, + -1087.2319672052645, + -944.5813277839228, + -636.6040276897671, + -675.7418944388129, + -824.0306896725654, + -1084.4086884320197, + 166.81768281330588, 5000, 5000, 5000, @@ -8525,13 +8777,13 @@ 5000, 5000, 5000, - 1920.4789084481401, - -1027.5374377832202, - -841.7783398966078, - -791.8291079594966, - -841.7783398966075, - -1027.5374377832209, - 1920.4789084481392, + 1920.4812966505513, + -1027.537446531311, + -841.7783165888492, + -791.829100141894, + -841.778186813812, + -1027.5373597868925, + 1920.4658641269343, 5000, 5000, 5000, @@ -8539,15 +8791,15 @@ 5000, 5000, 5000, - 166.82060066152775, - -1084.4087158386815, - -824.0308200940403, - -675.7419276391636, - -460.2062248037517, - -508.09827197203606, - -681.374069784664, - -940.1622121185951, - 1105.671970305417, + 166.82029531877785, + -1084.4087710952508, + -824.0307528983233, + -675.7418506396598, + -460.2061084126687, + -508.09816872159803, + -681.3738972951127, + -940.1621229549362, + 1105.6702406568331, 5000, 5000, 5000, @@ -8555,13 +8807,13 @@ 5000, 5000, 5000, - 3902.9371128570256, - -843.6564229230202, - -662.1400075213326, - -590.9990365204653, - -662.1400075213321, - -843.65642292302, - 3902.937112857026, + 3902.939874185898, + -843.6563380350537, + -662.1398505765765, + -590.9988838970935, + -662.1396907771895, + -843.6563309073636, + 3902.915297549881, 5000, 5000, 5000, @@ -8569,15 +8821,15 @@ 5000, 5000, 5000, - 1105.6719703054168, - -940.1622121185951, - -681.3740697846638, - -508.09827197203606, - -412.55268809584123, - -463.5365004812836, - -644.7427401775942, - -902.962822485798, - 1245.934333635992, + 1105.6732283947226, + -940.1622205032147, + -681.3739631871773, + -508.0981199949476, + -412.5526512932384, + -463.5364775326055, + -644.7426461521354, + -902.9627236182324, + 1245.934958579431, 5000, 5000, 5000, @@ -8585,13 +8837,13 @@ 5000, 5000, 5000, - 2796.7999273595788, - -794.7707321819765, - -592.6119537590495, - -514.8720903589676, - -592.6119537590496, - -794.7707321819761, - 2796.799927359578, + 2796.8027749774838, + -794.7707028060127, + -592.6118902811252, + -514.8720397775014, + -592.6117194829092, + -794.7706513809446, + 2796.7853758903116, 5000, 5000, 5000, @@ -8599,15 +8851,15 @@ 5000, 5000, 5000, - 1245.9343336359916, - -902.9628224857977, - -644.7427401775938, - -463.53650048128367, - -466.81755059014654, - -514.1321190727087, - -685.7659148089457, - -945.203868076513, - 1048.4797915587142, + 1245.9375435762947, + -902.9628378708611, + -644.7427141435827, + -463.5364272628299, + -466.817439383498, + -514.132013521827, + -685.7657176016533, + -945.2037412092677, + 1048.4774009522487, 5000, 5000, 5000, @@ -8615,13 +8867,13 @@ 5000, 5000, 5000, - 3878.2373675873146, - -846.6678309063125, - -665.3553772174504, - -594.3357282861252, - -665.35537721745, - -846.6678309063124, - 3878.2373675873146, + 3878.2424506889906, + -846.6677305181878, + -665.3552514487574, + -594.3356166283505, + -665.3550921219826, + -846.6677225602402, + 3878.2179860442957, 5000, 5000, 5000, @@ -8629,15 +8881,15 @@ 5000, 5000, 5000, - 1048.4797915587144, - -945.203868076513, - -685.7659148089455, - -514.1321190727089, - -652.8321602283597, - -691.3473586358502, - -836.3602008654896, - -1095.6675083369028, - 82.48595142677587, + 1048.4803817109243, + -945.2038374825744, + -685.7657832004676, + -514.1319650862088, + -652.8321958624759, + -691.347388635618, + -836.3601269620885, + -1095.6674729433262, + 82.48435644398592, 5000, 5000, 5000, @@ -8645,13 +8897,13 @@ 5000, 5000, 5000, - 1914.544984321508, - -1033.8493764884147, - -848.4720381153306, - -797.6928745747501, - -848.4720381153302, - -1033.8493764884154, - 1914.5449843215083, + 1914.5448927383886, + -1033.849392033592, + -848.4719346790591, + -797.6927567172431, + -848.4718059049138, + -1033.8493060098272, + 1914.529464123889, 5000, 5000, 5000, @@ -8659,15 +8911,15 @@ 5000, 5000, 5000, - 82.4859514267758, - -1095.6675083369023, - -836.3602008654898, - -691.3473586358508, - -897.1186483988979, - -938.6692526155542, - -1091.3582289379683, - -1325.807304239582, - -442.67460859045246, + 82.48687270367046, + -1095.6675572778786, + -836.3601899632572, + -691.3473453322557, + -897.1180715888639, + -938.6687352978851, + -1091.3577772401704, + -1325.8070517412489, + -442.676929527077, 5000, 5000, 5000, @@ -8675,13 +8927,13 @@ 5000, 5000, 5000, - 89.2135538181341, - 1912.3641396991513, - 3911.9370309066426, - 2849.749494340481, - 3911.9370309066435, - 1912.3641396991504, - 89.21355381813403, + 89.21288398367608, + 1912.3656800036501, + 3911.940485930137, + 2849.756445053778, + 3911.9405891584483, + 1912.3660210744895, + 89.21105108166482, 5000, 5000, 5000, @@ -8689,15 +8941,15 @@ 5000, 5000, 5000, - -442.67460859045224, - -1325.8073042395815, - -1091.358228937968, - -938.6692526155543, - 1576.0886217969319, - 1387.881097739582, - 309.08538022614374, - -309.7907309399507, - 450.17823366263804, + -442.67576315325005, + -1325.8071875594374, + -1091.3578406766826, + -938.6687065598397, + 1576.0970741736269, + 1387.8880436448383, + 309.0871935663733, + -309.7922917133911, + 450.17673954572973, 5000, 5000, 5000, @@ -8719,10 +8971,10 @@ 5000, 5000, 5000, - 450.17823366263826, - -309.7907309399506, - 309.08538022614323, - 1387.8810977395815, + 450.1765600410429, + -309.79246405460424, + 309.0871920513528, + 1387.8877920154305, 5000, 5000, 5000, @@ -8914,15 +9166,15 @@ 5000, 5000, 5000, - 200.69289374983825, - -569.8858808232256, - -42.38941467265793, - 802.3109149189219, - 951.5067938470206, - 802.3109149189218, - -42.3894146726578, - -569.8858808232256, - 200.69289374983813, + 200.69757395814065, + -569.8811246607144, + -42.38383935384461, + 802.3174544596559, + 951.5123561665232, + 802.3175003796631, + -42.383565360885164, + -569.8804766461365, + 200.69232150867919, 5000, 5000, 5000, @@ -8933,10 +9185,10 @@ 5000, 5000, 5000, - 2746.2941131737807, - 3871.955489371442, - 1924.2526590949028, - 64.46648806423524, + 2746.3153292391335, + 3871.991989861512, + 1924.2787798950824, + 64.47149568269508, 5000, 5000, 5000, @@ -8944,15 +9196,15 @@ 5000, 5000, 5000, - -449.07432291547343, - -1321.71960038095, - -1087.2321260138788, - -944.581517237904, - -906.2908773198973, - -944.5815172379039, - -1087.2321260138776, - -1321.7196003809493, - -449.0743229154731, + -449.0743686543219, + -1321.7198247344386, + -1087.2323038441498, + -944.5816385380546, + -906.2910184354503, + -944.5815787525015, + -1087.2321321543739, + -1321.719602598312, + -449.08178529034683, 5000, 5000, 5000, @@ -8960,13 +9212,13 @@ 5000, 5000, 5000, - 64.46648806423516, - 1924.2526590949024, - 3871.95548937144, - -791.8291079382662, - -841.7783398614844, - -1027.537437572262, - 1920.4789084038694, + 64.47021251078984, + 1924.2796447433363, + 3871.9913518526264, + -791.8290495170595, + -841.7782852330691, + -1027.5372683394023, + 1920.4824481434848, 5000, 5000, 5000, @@ -8974,15 +9226,15 @@ 5000, 5000, 5000, - 166.82060636478909, - -1084.408712415732, - -824.0308183374838, - -675.7419267610779, - -636.604058723777, - -675.7419267610778, - -824.0308183374839, - -1084.408712415732, - 166.82060636478948, + 166.82424916426902, + -1084.4087579069549, + -824.0308072997924, + -675.7418328147601, + -636.6039586495482, + -675.7417481303678, + -824.0305943144342, + -1084.40863110378, + 166.81321356692405, 5000, 5000, 5000, @@ -8990,13 +9242,13 @@ 5000, 5000, 5000, - 1920.4789084038698, - -1027.5374375722613, - -841.778339861485, - -590.9990362668112, - -662.1400070822752, - -843.6564218968477, - 3902.9371109764807, + 1920.4821607849647, + -1027.5373016158214, + -841.7782000945488, + -590.9989618226214, + -662.139982001111, + -843.6563373768157, + 3902.94185223741, 5000, 5000, 5000, @@ -9004,15 +9256,15 @@ 5000, 5000, 5000, - 1105.6717561754376, - -940.1622112675066, - -681.3740622844002, - -508.09826746383413, - -460.2062212513972, - -508.098267463834, - -681.3740622844001, - -940.1622112675075, - 1105.671756175438, + 1105.6761343196788, + -940.1622366526851, + -681.374072554077, + -508.0982136964754, + -460.2061731093535, + -508.09811281842923, + -681.3738302172824, + -940.1622382932713, + 1105.6597400226922, 5000, 5000, 5000, @@ -9020,129 +9272,129 @@ 5000, 5000, 5000, - 3902.9371109764793, - -843.6564218968476, - -662.1400070822758, - -466.6268063524142, - -531.9685396638919, - -726.2359976568789, - 758.90013885997, + 3902.9417772903353, + -843.656382771144, + -662.1398881492497, + -466.62680568099984, + -531.9685897237388, + -726.2359847679321, + 758.9032497767471, 5000, 5000, 5000, 5000, 5000, 5000, - 873.2896756343652, - -1013.9815381302224, - -751.3525921151047, - -495.6222117495602, - -373.8391499382569, - -339.672316990436, - -373.8391499382568, - -495.6222117495604, - -751.3525921151044, - -1013.9815381302224, - 873.2896756343649, + 873.2958002250699, + -1013.9814089760512, + -751.3527604618813, + -495.6222848864602, + -373.83916370763603, + -339.67233473056893, + -373.83909497776847, + -495.6221160552479, + -751.3524764138423, + -1013.9815284066896, + 873.2837014114118, 5000, 5000, 5000, 5000, 5000, 5000, - 758.9001388599702, - -726.2359976568791, - -531.9685396638926, - -535.8476223342511, - -594.763548812455, - -769.1423913514284, - 1408.0932847951096, + 758.9031936917338, + -726.2360179402372, + -531.96850510926, + -535.8476108075276, + -594.7635824526132, + -769.1423741239564, + 1408.0967151507011, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.9292183767973, - -1016.7539430045323, - -770.3126256437394, - -525.1919346672073, - -409.2212473245482, - -377.58195472250685, - -409.22124732454836, - -525.1919346672071, - -770.3126256437396, - -1016.7539430045322, - 1281.9292183767964, + 1281.9328937861737, + -1016.7539823768328, + -770.3127487349253, + -525.1919862648872, + -409.2212604907876, + -377.58197551184617, + -409.22119493310885, + -525.1918251108968, + -770.3124761365432, + -1016.7542170900115, + 1281.9174806487129, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0932847951092, - -769.1423913514279, - -594.7635488124548, - -731.6842665309745, - -771.4359162336249, - -929.3683417681542, - 459.2912473218257, + 1408.0966603287002, + -769.1424043720147, + -594.763499446859, + -731.6841697264867, + -771.435863082608, + -929.3682151424063, + 459.29293400913144, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.7341762613546, - -1086.3390779760527, - -852.0116432703015, - -630.2788645972823, - -530.2348247818271, - -503.6092583906495, - -530.2348247818272, - -630.2788645972824, - -852.0116432703015, - -1086.3390779760534, - 1164.7341762613548, + 1164.7342404478532, + -1086.3391662812398, + -852.0116665958864, + -630.278840701684, + -530.2347801746179, + -503.60922158513694, + -530.2347235429352, + -630.2786990754732, + -852.0114188381187, + -1086.3393799885584, + 1164.7186112223926, 5000, 5000, 5000, 5000, 5000, 5000, - 459.2912473218263, - -929.3683417681536, - -771.4359162336256, - 890.2664543959069, - 1584.5353027941715, - 607.3822245238981, - -655.2584953232868, + 459.29280554229643, + -929.3682350811778, + -771.4357863024698, + 890.2648652600762, + 1584.53350099969, + 607.3814830611445, + -655.2577459598274, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7340745553877, - -1248.1402173505373, - -1040.7070999466737, - -859.5048104453239, - -782.0503258727709, - -764.928037983483, - -782.050325872771, - -859.5048104453236, - -1040.707099946674, - -1248.1402173505357, - 785.7340745553871, + 785.7396909876855, + -1248.1402182736192, + -1040.7072988564203, + -859.5049551742834, + -782.0504518507352, + -764.9281676429299, + -782.0504088063641, + -859.5048411494965, + -1040.7070831840888, + -1248.1403409810503, + 785.7259708193073, 5000, 5000, 5000, 5000, 5000, 5000, - -655.258495323287, - 607.382224523898, - 1584.5353027941708, + -655.2581395740458, + 607.3819574263646, + 1584.5331275804137, 5000, 5000, 5000, @@ -9153,17 +9405,17 @@ 5000, 5000, 5000, - -123.90194744325339, - -1463.6363655064267, - -1235.6475954024324, - -1075.1903714522236, - -1006.5797637047741, - -1005.925125343183, - -1006.5797637047741, - -1075.1903714522243, - -1235.6475954024324, - -1463.636365506427, - -123.90194744325342, + -123.89971244327715, + -1463.6363648053355, + -1235.6475972757994, + -1075.1902959035833, + -1006.5796732211935, + -1005.9250554469954, + -1006.5796470456823, + -1075.1901999598792, + -1235.647380011126, + -1463.6361780130474, + -123.9084186533949, 5000, 5000, 5000, @@ -9183,17 +9435,17 @@ 5000, 5000, 5000, - -395.57664628882566, - 151.62657491279535, - 1103.8978911490105, - 1514.2529982918315, - 1582.4492007479182, - 1126.4314877499264, - 1582.4492007479173, - 1514.2529982918313, - 1103.8978911490094, - 151.626574912795, - -395.57664628882577, + -395.5767620406494, + 151.62497953925, + 1103.895744585159, + 1514.2508595472034, + 1582.4468613960828, + 1126.4294760904108, + 1582.446885524349, + 1514.2510775239834, + 1103.8963235037659, + 151.62684248896136, + -395.58060181305325, 5000, 5000, 5000, @@ -9323,12 +9575,12 @@ 5000, 5000, 5000, - 640.5392798863417, - 972.3279585954944, - 878.9458103909175, - 509.89730129626804, - -282.35964233378076, - -385.04321962615165, + 640.5407867862089, + 972.3310973117595, + 878.9496573761064, + 509.90050088253565, + -282.3575665191931, + -385.04453470610747, 5000, 5000, 5000, @@ -9348,17 +9600,17 @@ 5000, 5000, 5000, - -385.0432196261517, - -282.35964233378047, - 509.8973012962677, - 878.9458103909178, - 972.3279585954932, - -1018.8044519140165, - -1023.4583341114486, - -1090.5549616477624, - -1253.9959429842495, - -1481.55209801875, - -30.954838004088003, + -385.0423556046235, + -282.35696513072776, + 509.9005025173757, + 878.9493379397503, + 972.3300666863365, + -1018.8043508868465, + -1023.4581626545535, + -1090.5546427565305, + -1253.9956656395407, + -1481.5519472728693, + -30.95835833542426, 5000, 5000, 5000, @@ -9378,227 +9630,227 @@ 5000, 5000, 5000, - -30.954838004088735, - -1481.5520980187493, - -1253.9959429842493, - -1090.5549616477613, - -1023.4583341114491, - -738.0353617012412, - -756.6562695838948, - -837.8571522631689, - -1027.0668606425334, - -1244.1661016927449, - 794.2318893951224, + -30.954306362510035, + -1481.5520235547162, + -1253.9957635608205, + -1090.5547329009296, + -1023.4581969726489, + -738.0353720235945, + -756.6562777724185, + -837.8571162788757, + -1027.0668804011536, + -1244.1660610135234, + 794.2323443260428, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1112362746481, - 383.90753910461, - 1237.3274363612472, - 637.264789941127, - 1237.3274363612468, - 383.9075391046101, - -688.1112362746485, + -688.1104598558692, + 383.90692058691616, + 1237.3256579174229, + 637.2641096775169, + 1237.3257427508051, + 383.90714918707164, + -688.1114825999475, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2318893951218, - -1244.1661016927453, - -1027.0668606425331, - -837.8571522631693, - -756.6562695838945, - -487.81038060778457, - -515.6079693685198, - -618.7502787814113, - -845.2369136132652, - -1082.741065247602, - 1193.444810352831, + 794.2389458317817, + -1244.1660327640857, + -1027.0669687967, + -837.8571760012122, + -756.6562585068501, + -487.8104087261372, + -515.607997756072, + -618.7502485985309, + -845.2368986918771, + -1082.7410649642702, + 1193.4424413908653, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8024900963264, - -920.8665844753156, - -762.5696024886037, - -720.6091177380787, - -762.569602488603, - -920.8665844753152, - 523.8024900963261, + 523.8049941605681, + -920.8666266567913, + -762.5696251195305, + -720.6091422868745, + -762.5695124283203, + -920.8664854849716, + 523.7971726962131, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4448103528302, - -1082.7410652476026, - -845.2369136132646, - -618.7502787814116, - -515.6079693685201, - -371.26869418725096, - -403.5543844096192, - -520.7417514152836, - -768.335958269431, - -1017.3719542440568, - 1239.9818221589878, + 1193.45033765313, + -1082.740992644051, + -845.2369871719233, + -618.7503030405493, + -515.6079709315364, + -371.26859364609237, + -403.5542868088119, + -520.7415911320282, + -768.3357956313057, + -1017.3719930715595, + 1239.975716534194, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.816593422144, - -764.8575557555014, - -588.410268175336, - -528.7848042092006, - -588.4102681753358, - -764.8575557555015, - 1399.816593422144, + 1399.8180595667818, + -764.8574520069893, + -588.4101118210789, + -528.7846530507165, + -588.4099752822614, + -764.8573247726698, + 1399.8067209376522, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.981822158988, - -1017.371954244057, - -768.3359582694312, - -520.7417514152837, - -403.5543844096191, - -339.6723147165552, - -373.83914761263776, - -495.62220913969526, - -751.3525887156171, - -1013.9815349307985, - 873.2895901240507, + 1239.9833469375835, + -1017.3719801253113, + -768.3358948467367, + -520.7416460544433, + -403.55425690452387, + -339.6723138911677, + -373.8391594144065, + -495.62219425875315, + -751.3526292829365, + -1013.9813983790611, + 873.2903522675293, 5000, 5000, 5000, 5000, 5000, 5000, - 758.900061728956, - -726.2359945528706, - -531.968536569238, - -466.62680383836596, - -531.968536569238, - -726.2359945528705, - 758.900061728956, + 758.902651727782, + -726.2360224702416, + -531.9685222086375, + -466.62679072329854, + -531.9683772804196, + -726.2358537837204, + 758.8951241902275, 5000, 5000, 5000, 5000, 5000, 5000, - 873.289590124051, - -1013.981534930799, - -751.3525887156173, - -495.6222091396953, - -373.8391476126379, - -377.58195157025756, - -409.2212431680635, - -525.1919266905625, - -770.3126103576117, - -1016.7539320935429, - 1281.929121454761, + 873.2965325090885, + -1013.9814522978339, + -751.3527342323976, + -495.62224990430616, + -373.8391284799156, + -377.58189123887615, + -409.22118795783945, + -525.191822504316, + -770.3125296370202, + -1016.7538905804365, + 1281.9257448666099, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0932922270079, - -769.1423885055625, - -594.7635478009349, - -535.8476218192757, - -594.7635478009353, - -769.1423885055627, - 1408.093292227008, + 1408.0955128096311, + -769.1423468282266, + -594.7634690363726, + -535.8475506579911, + -594.7633336077022, + -769.1422214530679, + 1408.0840985639811, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.9291214547611, - -1016.7539320935435, - -770.3126103576119, - -525.1919266905629, - -409.2212431680636, - -503.60925777655035, - -530.2348241127248, - -630.2788634710616, - -852.0116412052047, - -1086.3390746008288, - 1164.734180845728, + 1281.9335745303058, + -1016.7538687983903, + -770.3126277462087, + -525.1918771982942, + -409.22115840546917, + -503.609267179494, + -530.2348225786401, + -630.278770566341, + -852.0115087717147, + -1086.3391089193808, + 1164.727087053079, 5000, 5000, 5000, 5000, 5000, 5000, - 459.29124740396134, - -929.36834172279, - -771.4359162516216, - -731.6842665945242, - -771.4359162516214, - -929.3683417227905, - 459.2912474039613, + 459.2901299478381, + -929.3683657690747, + -771.4359054613184, + -731.6842662770779, + -771.4357949662816, + -929.3682245365842, + 459.282599977738, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.7341808457277, - -1086.339074600829, - -852.011641205205, - -630.2788634710614, - -530.2348241127246, - -764.9280377206771, - -782.0503256324719, - -859.5048101656579, - -1040.7070996757998, - -1248.140217093066, - 785.7340747920263, + 1164.7349049517006, + -1086.3390367146344, + -852.0115964651689, + -630.2788248807456, + -530.2347965247943, + -764.9280503696168, + -782.0503342268055, + -859.5047705328825, + -1040.707097825855, + -1248.1401629403795, + 785.7332232249355, 5000, 5000, 5000, 5000, 5000, 5000, - -655.258495098427, - 607.3822247596253, - 1584.5353030158026, - 890.2664546599813, - 1584.5353030158026, - 607.382224759625, - -655.258495098427, + -655.258306414026, + 607.3842040959383, + 1584.5380956693707, + 890.2701147415559, + 1584.5381787362676, + 607.3844388966667, + -655.2592035461978, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7340747920266, - -1248.1402170930662, - -1040.7070996758, - -859.5048101656578, - -782.0503256324718, - -1005.9251244180925, - -1006.5797626044547, - -1075.190369915546, - -1235.6475927975766, - -1463.6363613495525, - -123.90194138268937, + 785.7397211692362, + -1248.1401418818755, + -1040.7071869211102, + -859.5048309730358, + -782.0503167880584, + -1005.9246720645966, + -1006.5793731285191, + -1075.1901247345195, + -1235.647522541957, + -1463.6362538094631, + -123.90370330104628, 5000, 5000, 5000, @@ -9618,17 +9870,17 @@ 5000, 5000, 5000, - -123.9019413826888, - -1463.6363613495532, - -1235.647592797577, - -1075.1903699155462, - -1006.5797626044548, - 1126.4314879330652, - 1582.4492009473922, - 1514.2529985280992, - 1103.897891441302, - 151.62657521851565, - -395.5766459390934, + -123.89998904909147, + -1463.6363294211953, + -1235.6476192511395, + -1075.1902207576588, + -1006.579423829133, + 1126.4245586540565, + 1582.4406296409559, + 1514.2431236235616, + 1103.88762202881, + 151.61880899357473, + -395.5824308808695, 5000, 5000, 5000, @@ -9648,11 +9900,11 @@ 5000, 5000, 5000, - -395.5766459390935, - 151.6265752185149, - 1103.8978914413024, - 1514.2529985280985, - 1582.4492009473931, + -395.5804714082863, + 151.61964578838663, + 1103.8876420212293, + 1514.2427546771191, + 1582.439286468519, 5000, 5000, 5000, @@ -9783,17 +10035,17 @@ 5000, 5000, 5000, - -385.04321686701064, - -282.359640302289, - 509.89730265572325, - 878.9458112649448, - 972.3279592708986, - 640.5392804794607, - 972.3279592708998, - 878.9458112649453, - 509.8973026557239, - -282.35964030228854, - -385.0432168670106, + -385.039274246736, + -282.3552783226979, + 509.90337617871444, + 878.9516751595038, + 972.3314721242317, + 640.5406312336087, + 972.331496103035, + 878.9518716657368, + 509.9038900337284, + -282.3537901625604, + -385.0440509585241, 5000, 5000, 5000, @@ -9813,17 +10065,17 @@ 5000, 5000, 5000, - -30.954835127468872, - -1481.5520960102583, - -1253.995941722559, - -1090.5549608764104, - -1023.4583335712307, - -1018.8044514752596, - -1023.4583335712302, - -1090.5549608764106, - -1253.9959417225598, - -1481.5520960102585, - -30.954835127469615, + -30.953933017101804, + -1481.5520916786586, + -1253.9957982832586, + -1090.5547877976887, + -1023.458283311738, + -1018.804524081523, + -1023.4582544865633, + -1090.5546892911018, + -1253.9955808282075, + -1481.5519369866179, + -30.96333176859349, 5000, 5000, 5000, @@ -9833,244 +10085,244 @@ 5000, 5000, 5000, - 637.2647900709088, - 1237.3274365748118, - 383.90753948100695, - -688.1112353979381, + 637.272483368348, + 1237.3411325747504, + 383.91788946817786, + -688.1099827616346, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2318982887151, - -1244.166094956766, - -1027.066856467467, - -837.8571498685403, - -756.656268070804, - -738.0353604898604, - -756.6562680708037, - -837.8571498685402, - -1027.0668564674666, - -1244.1660949567663, - 794.2318982887159, + 794.2299607342073, + -1244.1663533118383, + -1027.0670372508077, + -837.8573506939857, + -756.6564871209293, + -738.0355940655996, + -756.6564416518179, + -837.8572317936457, + -1027.066815137342, + -1244.166472223864, + 794.2161120450447, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1112353979379, - 383.9075394810067, - 1237.3274365748125, - -720.6091177919693, - -762.5696024911994, - -920.8665842422935, - 523.8024911496705, + -688.1103593003594, + 383.9182968587948, + 1237.3408172926324, + -720.6089936394585, + -762.5695051883794, + -920.8664270467394, + 523.805543343096, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4448164906405, - -1082.7410520009284, - -845.2369042434245, - -618.7502736297506, - -515.607966385299, - -487.8103782966387, - -515.6079663852987, - -618.7502736297505, - -845.2369042434245, - -1082.741052000929, - 1193.4448164906412, + 1193.4493325247822, + -1082.7409914333248, + -845.2369768755368, + -618.7502479694143, + -515.6078865836699, + -487.81029739770923, + -515.6078282896981, + -618.7501027156566, + -845.2367246305123, + -1082.7412151506066, + 1193.4335379315469, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8024911496706, - -920.8665842422938, - -762.5696024911997, - -528.7848031558577, - -588.4102667415013, - -764.8575527833499, - 1399.816596270148, + 523.8054244611908, + -920.8664477438431, + -762.5694270909462, + -528.7847255849834, + -588.4102318609068, + -764.8574693496582, + 1399.8191524814213, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9818082399427, - -1017.3719387173719, - -768.3359487524921, - -520.7417469292088, - -403.5543821541172, - -371.26869252454446, - -403.55438215411715, - -520.7417469292092, - -768.3359487524918, - -1017.3719387173711, - 1239.981808239943, + 1239.9840626814455, + -1017.3719179352405, + -768.3359776040426, + -520.7417199866843, + -403.55432100970205, + -371.268639924285, + -403.5542546442763, + -520.7415569031417, + -768.335702621889, + -1017.3721462765479, + 1239.9690160668447, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.816596270148, - -764.8575527833501, - -588.4102667415012, - -394.3299462160301, - -439.60503198211455, - -596.5427193968259, - -597.750248251474, + 1399.8190979816407, + -764.8574998110647, + -588.4101484478564, + -394.3299413083561, + -439.6050634152106, + -596.5427207220891, + -597.7497737006063, 5000, 5000, 5000, 5000, 5000, - 1247.0543328927768, - -1014.2407168304912, - -799.2598462753838, - -528.2894033433242, - -370.4188076335583, - -296.66308229845663, - -275.75340957322123, - -296.66308229845663, - -370.4188076335586, - -528.2894033433242, - -799.259846275384, - -1014.240716830491, - 1247.0543328927768, + 1247.0556168201833, + -1014.2407389917272, + -799.2600410632614, + -528.2894815596519, + -370.4188351029107, + -296.66308088772183, + -275.75341427530225, + -296.66303897565035, + -370.4187370572235, + -528.2893001385966, + -799.2594361506401, + -1014.2409379737207, + 1247.0476804270954, 5000, 5000, 5000, 5000, 5000, - -597.750248251474, - -596.5427193968259, - -439.6050319821148, - -443.4170512094077, - -486.58751905864517, - -632.6847716670419, - -540.0198576890721, + -597.749806651958, + -596.5427421445313, + -439.6050003746367, + -443.41702662172537, + -486.5875257065838, + -632.6847430819475, + -540.0194673883053, 5000, 5000, 5000, 5000, 5000, - 1062.6768272793981, - -1013.7802981787146, - -809.3081403055075, - -544.320053261954, - -391.09425870786293, - -320.51606718547913, - -299.16172268106993, - -320.51606718547913, - -391.09425870786293, - -544.3200532619535, - -809.3081403055075, - -1013.7802981787148, - 1062.676827279399, + 1062.6765307933467, + -1013.7803851341514, + -809.3082880996822, + -544.3201083563608, + -391.09427946116966, + -320.51606770273594, + -299.1617308049524, + -320.51602708206144, + -391.09418451482316, + -544.3199328954577, + -809.3077067859849, + -1013.7806317008062, + 1062.6690954955684, 5000, 5000, 5000, 5000, 5000, - -540.0198576890713, - -632.6847716670413, - -486.58751905864494, - -604.7188706602667, - -637.8079905987709, - -761.2055174742577, - -759.7115995212686, + -540.0194961987396, + -632.6847625235876, + -486.5874631199975, + -604.718683142512, + -637.8078308654925, + -761.2053157384274, + -759.71134700263, 5000, 5000, 5000, 5000, 5000, - 95.56327739993678, - -1081.834444304741, - -858.0408012895547, - -605.6597915485233, - -461.3839483855326, - -395.2341860795013, - -376.43236392243176, - -395.23418607950117, - -461.38394838553285, - -605.659791548523, - -858.0408012895543, - -1081.834444304741, - 95.56327739993642, + 95.56096874818223, + -1081.8345619076838, + -858.0408143690903, + -605.6597528873698, + -461.38390074908995, + -395.2341315099579, + -376.4323183107553, + -395.23409412678586, + -461.3838124843118, + -605.6595892839669, + -858.0402643441658, + -1081.834674456373, + 95.55678540914906, 5000, 5000, 5000, 5000, 5000, - -759.7115995212694, - -761.2055174742579, - -637.8079905987711, - -571.5504995497789, - -503.07973560749264, - -723.3114158062307, - -1105.6084500521472, - -3.960650373891713, + -759.7113774287021, + -761.2053300096662, + -637.8077688490959, + -571.5507183046689, + -503.07995794631097, + -723.3114326106966, + -1105.6082789359587, + -3.958835579183013, 5000, 5000, 5000, 5000, - -436.8774153336305, - -1241.5110605916823, - -991.8967692279228, - -744.926898634508, - -611.6876098166537, - -554.2917147565029, - -539.8541814773347, - -554.291714756503, - -611.6876098166538, - -744.9268986345079, - -991.8967692279225, - -1241.5110605916816, - -436.8774153336305, + -436.8764196016207, + -1241.5111138407697, + -991.8969467729347, + -744.9270063068763, + -611.6876903158744, + -554.2917888119404, + -539.8542618336735, + -554.2917553246112, + -611.6876092442437, + -744.9268513578104, + -991.8964007838906, + -1241.5110306812076, + -436.8783727199542, 5000, 5000, 5000, 5000, - -3.9606503738918093, - -1105.6084500521467, - -723.3114158062307, - -503.0797356074928, + -3.958874050113378, + -1105.6083347369288, + -723.3113726880938, + -503.0799549294908, 5000, 5000, 5000, - 233.16441462250262, - 55.32798129888032, + 233.16325351531813, + 55.32672953595701, 5000, 5000, 5000, 5000, - 279.9491132198298, - -1475.179374567879, - -1254.447038131545, - -999.3934239046685, - -871.0363275846619, - -824.7547813513257, - -815.8133228904073, - -824.7547813513261, - -871.0363275846618, - -999.3934239046688, - -1254.4470381315457, - -1475.1793745678792, - 279.94911321982966, + 279.9500449459332, + -1475.1793281479297, + -1254.4471270527822, + -999.3934504140543, + -871.0363266684543, + -824.7547804154248, + -815.8133249362445, + -824.754751346484, + -871.0362483667316, + -999.3932873271407, + -1254.4465445359417, + -1475.1793540095864, + 279.948010365469, 5000, 5000, 5000, 5000, - 55.327981298880204, - 233.16441462250253, + 55.324153002695574, + 233.163467552902, 5000, 5000, 5000, @@ -10083,17 +10335,17 @@ 5000, 5000, 5000, - -123.90141136050467, - -1463.6363430822048, - -1235.6475719903872, - -1075.1903395000834, - -1006.5797361081972, - -1005.9251109487961, - -1006.5797361081973, - -1075.1903395000832, - -1235.6475719903876, - -1463.636343082205, - -123.90141136050474, + -123.89957247163179, + -1463.6363352839091, + -1235.6476357976053, + -1075.190383627951, + -1006.579827886573, + -1005.9252077710732, + -1006.579801711053, + -1075.1902876842519, + -1235.6474185329703, + -1463.6361484917647, + -123.90827868072937, 5000, 5000, 5000, @@ -10114,15 +10366,15 @@ 5000, 5000, 5000, - 450.17831236378714, - -309.79068119802275, - 309.08550910461867, - 1387.8813185311367, - 1576.0888551476626, - 1387.881318531137, - 309.0855091046192, - -309.7906811980227, - 450.1783123637872, + 450.18223088272333, + -309.7881271370131, + 309.0889368825374, + 1387.8860459418738, + 1576.0930126587625, + 1387.8860937550114, + 309.0892481442452, + -309.78735546936565, + 450.1772294284012, 5000, 5000, 5000, @@ -10193,11 +10445,11 @@ 5000, 5000, 5000, - 951.5076553109474, - 802.3116983409554, - -42.3890220766229, - -569.8858098643708, - 200.69275993313377, + 951.5072472754862, + 802.3123166150204, + -42.387307749886695, + -569.8843161650975, + 200.69203488650157, 5000, 5000, 5000, @@ -10219,16 +10471,16 @@ 5000, 5000, 5000, - 200.6927599331339, - -569.8858098643707, - -42.3890220766234, - 802.3116983409566, - -1018.804478763381, - -1023.4583318379138, - -1090.5549270812708, - -1253.9959065043288, - -1481.552065978786, - -30.954479734914823, + 200.69185920786379, + -569.8844859239836, + -42.387339908415655, + 802.3121023290047, + -1018.8044247826012, + -1023.4582031559155, + -1090.5546950984087, + -1253.9957503598273, + -1481.551974791368, + -30.955947568813464, 5000, 5000, 5000, @@ -10248,287 +10500,287 @@ 5000, 5000, 5000, - -30.954479734915918, - -1481.5520659787858, - -1253.9959065043292, - -1090.5549270812721, - -1023.4583318379138, - -782.6548014543497, - -795.0161212230137, - -846.6586049105679, - -983.6307779794698, - -1250.878394971011, - -1472.2613524277078, - 356.4862491591627, + -30.95189558940739, + -1481.552051073004, + -1253.9958482811094, + -1090.554785242869, + -1023.4582374741356, + -782.6544802068732, + -795.0157916963987, + -846.6582257681692, + -983.6304144210465, + -1250.8779892155696, + -1472.2613314108244, + 356.48346752662087, 5000, 5000, 5000, 5000, - -78.14012168075125, - -63.64592905931698, + -78.14340680798557, + -63.650069202477574, 5000, 5000, 5000, 5000, 5000, - -63.64592905931727, - -78.14012168075132, + -63.649457127517586, + -78.14699621284662, 5000, 5000, 5000, 5000, - 356.48624915916275, - -1472.261352427708, - -1250.8783949710112, - -983.6307779794699, - -846.6586049105679, - -795.0161212230141, - -517.3390907697886, - -533.1746386087301, - -594.5524994299083, - -734.4316190284567, - -991.2845116454945, - -1251.077113035363, - -454.51510368471077, + 356.48499711936114, + -1472.2613036169957, + -1250.8781838857842, + -983.6304977185699, + -846.6582857873825, + -795.0157838766696, + -517.339078150366, + -533.1746254437862, + -594.5524517480137, + -734.4316009736738, + -991.2844820381122, + -1251.0770866625955, + -454.5142318266392, 5000, 5000, 5000, 5000, - 167.02365596436883, - -1105.3695092975347, - -770.0738878672335, - -573.0140093253813, - -619.3827549706679, - -573.0140093253813, - -770.0738878672338, - -1105.3695092975352, - 167.0236559643683, + 167.0285915749346, + -1105.369438491416, + -770.0740795670962, + -573.0143300992906, + -619.3829242111858, + -573.0142603847489, + -770.0739020448661, + -1105.369369770382, + 167.01988884463353, 5000, 5000, 5000, 5000, - -454.5151036847106, - -1251.077113035363, - -991.2845116454948, - -734.4316190284568, - -594.5524994299085, - -533.1746386087294, - -364.8730657202076, - -384.19790702915134, - -452.0839882492278, - -601.132235933829, - -859.8071815131741, - -1087.5498232141697, - 155.27853023936646, + -454.51271308401374, + -1251.0771076890985, + -991.2846661543188, + -734.4316717458353, + -594.5524986496487, + -533.1746112200813, + -364.8730690405464, + -384.19790915595894, + -452.0839481505744, + -601.1321952323708, + -859.807097766721, + -1087.549894496481, + 155.27700862687976, 5000, 5000, 5000, 5000, 5000, - -738.3080284939687, - -749.7410420833457, - -623.3280116872743, - -588.2376421694887, - -623.3280116872743, - -749.7410420833455, - -738.3080284939685, + -738.3077209292476, + -749.7410551200511, + -623.3280069550548, + -588.2376393513432, + -623.327920820723, + -749.7408716046909, + -738.3085263214791, 5000, 5000, 5000, 5000, 5000, - 155.27853023936626, - -1087.5498232141706, - -859.8071815131742, - -601.1322359338291, - -452.0839882492276, - -384.1979070291514, - -294.4536826243419, - -316.05085314197305, - -387.85889466827734, - -543.1896479570636, - -811.0034140658471, - -1019.9046266097223, - 1092.905309210233, + 155.28090317467277, + -1087.5497877163011, + -859.8072864274385, + -601.132264544566, + -452.0839900832348, + -384.1978924839859, + -294.4536004306999, + -316.0507688634971, + -387.85876133983214, + -543.1894879714353, + -811.0031729381054, + -1019.9046588473506, + 1092.9018000297576, 5000, 5000, 5000, 5000, 5000, - -542.2419837049588, - -628.4380140629916, - -480.3807239996351, - -436.094065636626, - -480.3807239996353, - -628.4380140629913, - -542.2419837049582, + -542.241872398917, + -628.4378856330885, + -480.3805758276656, + -436.0939251728399, + -480.3804767260242, + -628.4376839913755, + -542.2430633292342, 5000, 5000, 5000, 5000, 5000, - 1092.9053092102338, - -1019.9046266097224, - -811.0034140658472, - -543.1896479570637, - -387.858894668277, - -316.0508531419732, - -275.7534074512703, - -296.66307996382244, - -370.4188044031829, - -528.2893977434179, - -799.2598365573992, - -1014.2407394104042, - 1247.0534660743053, + 1092.9089858712748, + -1019.9044597574706, + -811.0033777300127, + -543.1895605338844, + -387.8588022065727, + -316.0507511521788, + -275.7533961475803, + -296.66307281791944, + -370.418771582362, + -528.2893909820536, + -799.2598266770468, + -1014.2407337952101, + 1247.0560691171652, 5000, 5000, 5000, 5000, 5000, - -597.7502703841408, - -596.5427118642053, - -439.60502784668915, - -394.3299433226458, - -439.60502784668904, - -596.5427118642058, - -597.7502703841408, + -597.7499221925822, + -596.5427446515531, + -439.60501585150183, + -394.32993189752773, + -439.60491234005286, + -596.5425273918909, + -597.7507375291378, 5000, 5000, 5000, 5000, 5000, - 1247.0534660743053, - -1014.2407394104043, - -799.259836557399, - -528.2893977434177, - -370.418804403183, - -296.6630799638223, - -299.1617216707072, - -320.5160661054594, - -391.09425733856574, - -544.3200512585098, - -809.3081371819542, - -1013.7802934156917, - 1062.6768337796484, + 1247.063802207705, + -1014.2405412057344, + -799.2600400086566, + -528.2894650929964, + -370.41881257339105, + -296.6630548707316, + -299.1616654222832, + -320.5160096970029, + -391.09416178413176, + -544.319952737586, + -809.307994487788, + -1013.7803328313272, + 1062.676038827678, 5000, 5000, 5000, 5000, 5000, - -540.0198554102359, - -632.6847700323016, - -486.5875177417763, - -443.41704999213835, - -486.58751774177625, - -632.6847700323017, - -540.0198554102359, + -540.0197729376247, + -632.6847161642696, + -486.5874452909144, + -443.41698637122613, + -486.5873475944958, + -632.6845177116791, + -540.0209831280192, 5000, 5000, 5000, 5000, 5000, - 1062.676833779648, - -1013.7802934156915, - -809.3081371819546, - -544.3200512585096, - -391.0942573385656, - -320.5160661054594, - -376.4323618012896, - -395.2341835443253, - -461.38394438354806, - -605.659784376379, - -858.0407890557763, - -1081.8344263574522, - 95.56329870873202, + 1062.683060855476, + -1013.7801294539455, + -809.3081961991772, + -544.3200245980285, + -391.09420250876116, + -320.5159922547979, + -376.43232753099636, + -395.23414153492797, + -461.3838402140051, + -605.6596412532256, + -858.0405537046983, + -1081.834497142429, + 95.55973551025883, 5000, 5000, 5000, 5000, 5000, - -759.7115979296968, - -761.2055167590814, - -637.8079901181911, - -604.718870268765, - -637.8079901181909, - -761.2055167590809, - -759.711597929696, + -759.7119570516297, + -761.2054950587941, + -637.8079930034905, + -604.7188929399039, + -637.8079095224143, + -761.2053157191693, + -759.7126987906752, 5000, 5000, 5000, 5000, 5000, - 95.56329870873246, - -1081.8344263574527, - -858.0407890557763, - -605.6597843763785, - -461.38394438354806, - -395.2341835443251, - -539.8541810680152, - -554.2917143315154, - -611.6876093666335, - -744.9268981332763, - -991.8967686603024, - -1241.5110599430163, - -436.87741461069385, + 95.56333970664333, + -1081.8343953491997, + -858.040737949363, + -605.6597096337431, + -461.38388201725775, + -395.23412548922624, + -539.8541898797397, + -554.2917141207064, + -611.6875547736427, + -744.9268449986594, + -991.8966766036751, + -1241.5110385604178, + -436.87725700447095, 5000, 5000, 5000, 5000, - -3.9606498898810583, - -1105.6084496732478, - -723.3114155037235, - -503.0797353715271, - -571.5504993462714, - -503.0797353715269, - -723.3114155037233, - -1105.608449673248, - -3.960649889881067, + -3.9613957835350773, + -1105.6084920573346, + -723.3110375441389, + -503.0792087647027, + -571.5499511318659, + -503.079142412301, + -723.3108647786871, + -1105.6083949331683, + -3.968872750509736, 5000, 5000, 5000, 5000, - -436.8774146106939, - -1241.5110599430157, - -991.8967686603022, - -744.9268981332765, - -611.6876093666334, - -554.291714331515, - -815.8133227849291, - -824.7547812284586, - -871.036327491405, - -999.3934238155326, - -1254.4470380513399, - -1475.1793744808733, - 279.9491132947687, + -436.8758391222674, + -1241.5110609731694, + -991.8968560463808, + -744.9269153603811, + -611.6876020337329, + -554.291701136734, + -815.8130789249502, + -824.7545247059177, + -871.0360117896392, + -999.3931058571916, + -1254.4466627241973, + -1475.1794207361304, + 279.9463964052704, 5000, 5000, 5000, 5000, - 55.32798139548134, - 233.16441472692514, + 55.32472044630238, + 233.16412551350584, 5000, 5000, 5000, 5000, 5000, - 233.16441472692483, - 55.327981395481245, + 233.164833357626, + 55.321269732930986, 5000, 5000, 5000, 5000, - 279.9491132947688, - -1475.1793744808733, - -1254.4470380513396, - -999.3934238155325, - -871.0363274914054, - -824.7547812284585, - -1005.9251102447092, - -1006.5797353062509, - -1075.1903384672758, - -1235.647570538692, - -1463.6363410841811, - -123.90140879542163, + 279.94774897963623, + -1475.17941828193, + -1254.4468540532073, + -999.3931897690516, + -871.036073620343, + -824.7545201764475, + -1005.9251511128372, + -1006.5797629066096, + -1075.190214603656, + -1235.6474402550293, + -1463.6364938663696, + -123.91033969732155, 5000, 5000, 5000, @@ -10548,16 +10800,16 @@ 5000, 5000, 5000, - -123.90140879542189, - -1463.6363410841814, - -1235.6475705386918, - -1075.190338467276, - -1006.5797353062503, - 1576.0888554374721, - 1387.8813187760668, - 309.08550938747294, - -309.7906808356788, - 450.17831283087327, + -123.90662545887567, + -1463.6365694782778, + -1235.647536964195, + -1075.190310626818, + -1006.5798136071904, + 1576.0831282055237, + 1387.8764960527096, + 309.08339365614233, + -309.79272788178486, + 450.16904708581995, 5000, 5000, 5000, @@ -10579,10 +10831,10 @@ 5000, 5000, 5000, - 450.17831283087327, - -309.7906808356786, - 309.08550938747294, - 1387.881318776067, + 450.1688675894718, + -309.792900222342, + 309.083392139159, + 1387.876244421222, 5000, 5000, 5000, @@ -10654,15 +10906,15 @@ 5000, 5000, 5000, - 200.69276067280717, - -569.8858093201464, - -42.38902162880509, - 802.3116986906355, - 951.5076556336624, - 802.3116986906344, - -42.38902162880471, - -569.8858093201463, - 200.69276067280703, + 200.6964807524787, + -569.8836195175958, + -42.38761969874249, + 802.310742781217, + 951.5049849939135, + 802.3107887011982, + -42.38734570617006, + -569.8829715042535, + 200.6912282958018, 5000, 5000, 5000, @@ -10683,17 +10935,17 @@ 5000, 5000, 5000, - -30.954478210655097, - -1481.552064762808, - -1253.9959056146654, - -1090.5549264402948, - -1023.4583313481655, - -1018.804478336283, - -1023.4583313481655, - -1090.5549264402955, - -1253.9959056146654, - -1481.5520647628077, - -30.95447821065495, + -30.947896798977673, + -1481.5518396757598, + -1253.9958650736173, + -1090.5548938805211, + -1023.458458330269, + -1018.8047112564383, + -1023.4584295050809, + -1090.554795373916, + -1253.9956476185714, + -1481.5516849855856, + -30.957295583291806, 5000, 5000, 5000, @@ -10706,307 +10958,307 @@ 5000, 5000, 5000, - -63.64592679046921, - -78.14011793279552, + -63.64227688576353, + -78.13780473673918, 5000, 5000, 5000, 5000, - 356.48625296464917, - -1472.2613500954694, - -1250.8783936897394, - -983.6307772957783, - -846.6586045154753, - -795.0161209509646, - -782.654801150553, - -795.0161209509643, - -846.6586045154751, - -983.6307772957782, - -1250.878393689739, - -1472.2613500954699, - 356.4862529646493, + 356.4912873719662, + -1472.26114520843, + -1250.8786463754932, + -983.6309529047351, + -846.6587386273301, + -795.0162525479034, + -782.6549392290265, + -795.0162209708085, + -846.6586553244667, + -983.6307825631893, + -1250.8780449824228, + -1472.2612208183343, + 356.48899612197556, 5000, 5000, 5000, 5000, - -78.14011793279563, - -63.64592679046938, + -78.14038445069733, + -63.642129569401106, 5000, 5000, - -619.3827532746692, - -573.014007136569, - -770.0738840455491, - -1105.3695022022862, - 167.02366705958067, + -619.3817765748868, + -573.0123936879551, + -770.0727150511483, + -1105.369608753826, + 167.02083780110254, 5000, 5000, 5000, 5000, - -454.5150834115957, - -1251.0770977900463, - -991.2845021542985, - -734.4316136460875, - -594.5524964513404, - -533.174636807256, - -517.3390893317461, - -533.174636807256, - -594.5524964513403, - -734.4316136460876, - -991.2845021542987, - -1251.077097790046, - -454.5150834115956, + -454.5140579421155, + -1251.0775004888046, + -991.2849848957519, + -734.4319740066813, + -594.5528026554205, + -533.1749233188854, + -517.3393794442893, + -533.1748880176774, + -594.5527177147712, + -734.4318128215548, + -991.2844194329282, + -1251.077414392252, + -454.5161234578723, 5000, 5000, 5000, 5000, - 167.02366705958102, - -1105.369502202286, - -770.0738840455487, - -573.0140071365691, - -588.2376415590771, - -623.3280109951664, - -749.7410411956515, - -738.308027337477, + 167.02103904125772, + -1105.3696628275718, + -770.0726712053192, + -573.0123753997284, + -588.2374967855599, + -623.3278956062954, + -749.7409028267064, + -738.3075652052217, 5000, 5000, 5000, 5000, 5000, - 155.27853237324496, - -1087.5498214484548, - -859.8071801268906, - -601.1322348378849, - -452.08398734568556, - -384.19790625627616, - -364.8730650082218, - -384.19790625627587, - -452.08398734568556, - -601.1322348378847, - -859.807180126891, - -1087.549821448455, - 155.27853237324473, + 155.2782328631364, + -1087.5498911252068, + -859.8072850644619, + -601.1322391739378, + -452.0839454330802, + -384.1978380974668, + -364.8730001614552, + -384.197799461136, + -452.08385458329053, + -601.1320711872845, + -859.8067216582266, + -1087.550007215472, + 155.27376622224847, 5000, 5000, 5000, 5000, 5000, - -738.3080273374766, - -749.7410411956516, - -623.3280109951661, - -436.09406192995135, - -480.3807191196327, - -628.438005017729, - -542.2419819723228, - 5000, - 5000, - 5000, - 5000, - 5000, - 1092.905096396669, - -1019.9046236666655, - -811.0034057485994, - -543.1896437412158, - -387.8588923390096, - -316.0508515595533, - -294.4536811833992, - -316.0508515595533, - -387.85889233900957, - -543.1896437412153, - -811.0034057485994, - -1019.9046236666657, - 1092.9050963966683, - 5000, - 5000, - 5000, - 5000, - 5000, - -542.2419819723231, - -628.4380050177291, - -480.38071911963254, - -321.0487470078184, - -349.02368572706735, - -449.77368634143585, - -625.0863329280165, - -597.2890833605495, - 764.2971530903634, - 2809.010535505737, - 1723.8167491379518, - -328.7899036967664, - -903.0647757873776, - -751.7769312189986, - -528.2719176080402, - -371.6580148443966, - -282.1174582978115, - -236.073972664585, - -223.34802442555593, - -236.07397266458506, - -282.1174582978117, - -371.6580148443967, - -528.2719176080403, - -751.7769312189984, - -903.0647757873779, - -328.7899036967661, - 1723.8167491379513, - 2809.010535505738, - 764.2971530903633, - -597.2890833605495, - -625.0863329280168, - -449.77368634143585, - -349.02368572706746, - -352.54531846057813, - -380.036348832422, - -476.64487593806166, - -643.0542354713161, - -536.3416797387843, - 1432.38705957793, - 3924.758197847646, - 1781.5079959566363, - -457.99034092512176, - -940.9824037105503, - -767.4677730427392, - -543.0939353430305, - -387.3295551031815, - -297.59132858720653, - -251.91539667129115, - -237.70230581766467, - -251.91539667129126, - -297.59132858720636, - -387.3295551031814, - -543.0939353430307, - -767.467773042739, - -940.9824037105508, - -457.99034092512176, - 1781.5079959566365, - 3924.7581978476414, - 1432.387059577929, - -536.3416797387847, - -643.0542354713161, - -476.64487593806155, - -380.03634883242165, - -457.11290858857114, - -481.6948373577347, - -570.4393517597573, - -738.9640146035018, - -757.50004067943, - 408.67778030439035, - 1746.9074349320904, - 242.37113844584692, - -967.2593010880116, - -1085.5251964787838, - -845.2031353154491, - -601.9208974786932, - -439.12179852950254, - -345.8895134679558, - -300.1658602987333, - -285.74039280129625, - -300.16586029873326, - -345.88951346795585, - -439.12179852950226, - -601.920897478693, - -845.203135315449, - -1085.5251964787838, - -967.2593010880119, - 242.3711384458473, - 1746.907434932089, - 408.6777803043904, - -757.5000406794297, - -738.9640146035018, - -570.4393517597572, - -481.6948373577345, - -634.6080978045072, - -650.5092002055719, - -743.3070991496827, - -940.5488299064233, - -1113.944320077289, - -724.5479769411958, - -0.07630595810864443, - -456.1472702395653, - -1233.887104712207, - -1314.3752552042677, - -1028.7700784345507, - -739.2670156185641, - -546.157366909456, - -443.5605099690549, - -393.964507615017, - -380.2188875547762, - -393.9645076150166, - -443.56050996905503, - -546.1573669094561, - -739.2670156185643, - -1028.7700784345504, - -1314.375255204268, - -1233.887104712207, - -456.14727023956544, - -0.0763059581088612, - -724.5479769411954, - -1113.944320077289, - -940.5488299064232, - -743.3070991496827, - -650.509200205572, - -571.5506296832867, - -503.07995302683696, - -723.3115802704712, - -1105.6084577970264, - -3.960422444273609, - 5000, - 5000, - 5000, - 5000, - -436.8779033627208, - -1241.5111122268713, - -991.8967503300593, - -744.9268797826596, - -611.6875918915765, - -554.2916954475169, - -539.8541615327689, - -554.2916954475171, - -611.6875918915765, - -744.9268797826599, - -991.8967503300597, - -1241.5111122268706, - -436.87790336272093, + -738.3075941580242, + -749.7409175928617, + -623.3278324376115, + -436.09398091877654, + -480.38066752847755, + -628.4379131408008, + -542.2417683082889, + 5000, + 5000, + 5000, + 5000, + 5000, + 1092.9025490146714, + -1019.9046544480055, + -811.0034423214762, + -543.189616348988, + -387.8588481631032, + -316.0507933868741, + -294.4536324464125, + -316.0507521272044, + -387.8587518524116, + -543.1894386029115, + -811.0028530063826, + -1019.904888319206, + 1092.8949861262, + 5000, + 5000, + 5000, + 5000, + 5000, + -542.2417975336899, + -628.4379328738371, + -480.38060450149334, + -321.0487314000291, + -349.02369096990145, + -449.77366798409247, + -625.0863387409086, + -597.2888755682251, + 764.2982916688117, + 2809.0127769009064, + 1723.8168963445771, + -328.78974006531416, + -903.0648464017265, + -751.7770576302174, + -528.2720001373829, + -371.65803841720725, + -282.1174622815803, + -236.07396278466192, + -223.34802047534134, + -236.07393694753287, + -282.11740651110466, + -371.6579409640983, + -528.2716393717626, + -751.776625228606, + -903.0648690293297, + -328.7912154698154, + 1723.8155727382145, + 2809.0131758951684, + 764.2995406179667, + -597.2887826020989, + -625.0863572454706, + -449.7736822367464, + -349.02364933181593, + -352.5452840400779, + -380.03633167583365, + -476.64482542190774, + -643.054201179175, + -536.341684955907, + 1432.3862760710554, + 3924.7562807877753, + 1781.5052079831935, + -457.9908452423582, + -940.9824646762785, + -767.4678227224902, + -543.0939697999063, + -387.3295579543525, + -297.59132582532004, + -251.91538654363814, + -237.70230317536365, + -251.9153609540481, + -297.5912702379352, + -387.3294609804918, + -543.093609622787, + -767.4673867360962, + -940.9824420437394, + -457.9922055790927, + 1781.5034814642213, + 3924.7563209149603, + 1432.3880791604902, + -536.3415279402169, + -643.0542170449058, + -476.64483878599583, + -380.03628939695693, + -457.1128845966982, + -481.6948367812918, + -570.4393487503189, + -738.9640608531316, + -757.4994194104239, + 408.6829505529205, + 1746.9177231164308, + 242.37520424569544, + -967.2585834540853, + -1085.525368619604, + -845.2034297233314, + -601.9210887057848, + -439.1218920567684, + -345.8895659754527, + -300.16589210161476, + -285.74042797854514, + -300.16586616158713, + -345.8895091641735, + -439.12179234453276, + -601.9207122003172, + -845.2029560809997, + -1085.5251891389767, + -967.2591568562476, + 242.37419238129348, + 1746.9175233480098, + 408.6839813395088, + -757.4993541500398, + -738.9640710858947, + -570.4393601140965, + -481.6947916377696, + -634.6080109594403, + -650.5091235064845, + -743.3069740159744, + -940.5487455447382, + -1113.9442140486149, + -724.5479230740266, + -0.07591578650318374, + -456.14686842826944, + -1233.8867341040254, + -1314.37523947423, + -1028.7702321967072, + -739.2671214742733, + -546.157412072059, + -443.5605360098833, + -393.96452665791895, + -380.2189132550782, + -393.96449861008296, + -443.5604724911007, + -546.157297109383, + -739.2666781668487, + -1028.7696700069228, + -1314.3749557320502, + -1233.886825271585, + -456.14699241716016, + -0.07625512129702017, + -724.5478978469234, + -1113.9443184698514, + -940.5487553532778, + -743.3069802132642, + -650.5090736570643, + -571.5511289008545, + -503.08053477872147, + -723.3117790472056, + -1105.6083169577462, + -3.9608885334793285, + 5000, + 5000, + 5000, + 5000, + -436.87691648176695, + -1241.5110058336593, + -991.8968082599428, + -744.9268808755378, + -611.6875683544924, + -554.2916651702365, + -539.8541367406274, + -554.2916316829069, + -611.6874872828647, + -744.9267259264863, + -991.8962622709269, + -1241.5109226738448, + -436.8788695987345, 5000, 5000, 5000, 5000, - -3.960422444274613, - -1105.608457797027, - -723.3115802704713, - -503.0799530268372, - 890.2664413635255, - 1584.5355334041394, - 607.3824641589554, - -655.2583990127076, + -3.9609270056494097, + -1105.6083727587115, + -723.3117191247313, + -503.08053176179646, + 890.266814348172, + 1584.5370349755383, + 607.3840829630736, + -655.2580677792271, 5000, 5000, 5000, 5000, 5000, 5000, - 785.734628918472, - -1248.1402528651174, - -1040.7071700289512, - -859.5048790290535, - -782.0503925301831, - -764.928104229811, - -782.0503925301831, - -859.5048790290537, - -1040.7071700289516, - -1248.1402528651179, - 785.7346289184723, + 785.7370564377384, + -1248.140265274446, + -1040.7072694094095, + -859.5049644285041, + -782.0504837303307, + -764.928206530902, + -782.0504406859704, + -859.5048504037472, + -1040.7070537371133, + -1248.1403879810143, + 785.7233362868975, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2583990127076, - 607.3824641589554, - 1584.5355334041417, - 2849.7481952990024, - 3911.9355287833437, - 1912.3633085192585, - 89.2134424531606, + -655.2584613933578, + 607.3845573290856, + 1584.536661555344, + 2849.7464065989443, + 3911.9349174207055, + 1912.3640444183377, + 89.21427706323314, 5000, 5000, 5000, @@ -11014,15 +11266,15 @@ 5000, 5000, 5000, - -442.67473689223243, - -1325.8072806638606, - -1091.3582143928386, - -938.6692447350997, - -897.1186406176847, - -938.6692447350997, - -1091.3582143928377, - -1325.8072806638604, - -442.6747368922317, + -442.67286693006776, + -1325.8073899636545, + -1091.3582631335016, + -938.6692489560237, + -897.1186677655851, + -938.6691915357748, + -1091.3580940682273, + -1325.8071614850633, + -442.6802085520273, 5000, 5000, 5000, @@ -11030,13 +11282,13 @@ 5000, 5000, 5000, - 89.21344245316031, - 1912.3633085192578, - 3911.9355287833464, - 1588.3455891937776, - 1640.3739362819838, - 228.3137973449092, - -462.24652612828083, + 89.21295585195685, + 1912.364903086994, + 3911.934312717758, + 1588.339011987588, + 1640.368126796046, + 228.31158393973055, + -462.24683757406353, 5000, 5000, 5000, @@ -11045,13 +11297,13 @@ 5000, 5000, 5000, - -1228.8181958898435, - -913.1710159544778, - -368.58469954969576, - -244.57452884970934, - -368.5846995496957, - -913.1710159544771, - -1228.818195889843, + -1228.8180385270146, + -913.1708832204157, + -368.5845898228146, + -244.57457785096153, + -368.5845099854143, + -913.1706175162052, + -1228.8179777101911, 5000, 5000, 5000, @@ -11060,13 +11312,13 @@ 5000, 5000, 5000, - -462.2465261282802, - 228.31379734490883, - 1640.3739362819845, - -406.66427679965307, - -519.3246015868975, - -990.5520942222438, - -1258.679675774845, + -462.2482561433355, + 228.311920011856, + 1640.3680802795345, + -406.6635765625721, + -519.3238214777575, + -990.5514299353991, + -1258.679360915072, 5000, 5000, 5000, @@ -11075,13 +11327,13 @@ 5000, 5000, 5000, - -422.25248951700127, - 438.03894405105126, - 1973.0953593512534, - 1853.0797478664958, - 1973.0953593512547, - 438.0389440510511, - -422.25248951700127, + -422.251685769874, + 438.04133575352796, + 1973.09920817527, + 1853.0837740254128, + 1973.0993113282714, + 438.0417070390082, + -422.25235012428516, 5000, 5000, 5000, @@ -11090,14 +11342,14 @@ 5000, 5000, 5000, - -1258.679675774845, - -990.5520942222438, - -519.3246015868975, - -906.290914997785, - -944.5815528986515, - -1087.2321552949982, - -1321.7196233826965, - -449.0742897012734, + -1258.6798546605812, + -990.5514335205904, + -519.3237638074775, + -906.2908614870504, + -944.5814730962076, + -1087.2319684010215, + -1321.7195113851035, + -449.0751094387096, 5000, 5000, 5000, @@ -11105,13 +11357,13 @@ 5000, 5000, 5000, - 64.46655098990267, - 1924.252166109693, - 3871.954888205833, - 2746.2939670670567, - 3871.954888205832, - 1924.2521661096953, - 64.46655098990254, + 64.4665116368751, + 1924.2512823655463, + 3871.951948981344, + 2746.293359997303, + 3871.9520524760123, + 1924.2516155512355, + 64.46465507848127, 5000, 5000, 5000, @@ -11119,345 +11371,345 @@ 5000, 5000, 5000, - -449.07428970127347, - -1321.7196233826962, - -1087.2321552949982, - -944.5815528986512, - -738.0353635101281, - -756.6562726667896, - -837.8571589310407, - -1027.066872079535, - -1244.1660905913584, - 794.2325199344154, + -449.07381287139464, + -1321.7196406387436, + -1087.2320332996937, + -944.5814431255892, + -738.0352818092854, + -756.6561888586115, + -837.8570306766322, + -1027.0668015923325, + -1244.1660055977288, + 794.2317596472358, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1113334495398, - 383.906678893141, - 1237.3262390236187, - 637.2640769654909, - 1237.326239023618, - 383.9066788931406, - -688.1113334495395, + -688.1114945179219, + 383.9044766499188, + 1237.3222415066034, + 637.2620708373504, + 1237.3223263399832, + 383.9047052501192, + -688.1125172592633, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2325199344153, - -1244.1660905913582, - -1027.0668720795356, - -837.8571589310404, - -756.6562726667896, - -517.339058328784, - -533.1746072786525, - -594.5524707699334, - -734.4315912849961, - -991.2844852901362, - -1251.0771476835205, - -454.51558966263883, + 794.2383611508996, + -1244.1659773483375, + -1027.0668899878724, + -837.8570903989638, + -756.6561695930405, + -517.3390576278317, + -533.1746019612472, + -594.5524163585683, + -734.4315366527679, + -991.284382565596, + -1251.0772336673392, + -454.51715302760863, 5000, 5000, 5000, 5000, - 167.02372582154663, - -1105.3695082915015, - -770.0738857085307, - -573.0139929176079, - -619.3827307750138, - -573.0139929176081, - -770.0738857085311, - -1105.3695082915017, - 167.02372582154743, - 5000, - 5000, - 5000, - 5000, - -454.51558966263866, - -1251.0771476835207, - -991.2844852901363, - -734.4315912849959, - -594.5524707699332, - -533.1746072786525, - -365.0069841958688, - -380.3598669852969, - -432.6064594197643, - -540.1824036020844, - -740.8558906813203, - -1039.6389328591852, - -1333.9941653552958, - -1252.6495722530597, - -417.00685259955816, - 173.10869185328238, - -612.6637411868194, - -1097.186883762383, - -933.9486635735071, - -731.4669915240294, - -635.3357611382531, - -616.2740536620191, - -635.3357611382534, - -731.4669915240294, - -933.9486635735068, - -1097.1868837623824, - -612.6637411868192, - 173.10869185328255, - -417.00685259955816, - -1252.6495722530597, - -1333.9941653552962, - -1039.638932859185, - -740.8558906813198, - -540.1824036020846, - -432.60645941976446, - -380.3598669852969, - -278.6072042879588, - -292.94193702071533, - -340.14212693843325, - -436.62113369931353, - -604.2132157094603, - -852.2316440998354, - -1094.3820038648926, - -939.5940283231744, - 424.6843218820821, - 2101.6639413884286, - 578.729539154138, - -739.3276242491731, - -736.2416876015893, - -561.8072419585081, - -468.58285976899975, - -442.95613451039367, - -468.5828597689998, - -561.8072419585081, - -736.2416876015892, - -739.3276242491733, - 578.7295391541385, - 2101.663941388429, - 424.68432188208254, - -939.594028323174, - -1094.382003864892, - -852.2316440998352, - -604.2132157094604, - -436.6211336993136, - -340.1421269384331, - -292.9419370207154, - -234.4750366477773, - -249.56172255552192, - -295.6048762754136, - -386.46619247515815, - -544.3087145271141, - -771.8460071396413, - -944.560481976878, - -437.29672037368704, - 1825.5082778985277, - 3864.3251920831144, - 1377.923481963966, - -545.6360501572815, - -643.4526611070262, - -473.950230995749, - -375.11595348683096, - -346.24601762737296, - -375.115953486831, - -473.950230995749, - -643.4526611070263, - -545.6360501572816, - 1377.9234819639657, - 3864.325192083113, - 1825.5082778985284, - -437.2967203736868, - -944.560481976878, - -771.8460071396414, - -544.3087145271144, - -386.4661924751581, - -295.6048762754135, - -249.5617225555221, - -223.34802339430033, - -236.0739712990547, - -282.11745572940924, - -371.65800929174077, - -528.2719062177948, - -751.7769106517951, - -903.0647477040274, - -328.7899118144132, - 1723.816422430622, - 2809.0096395879814, - 764.2966346314489, - -597.2891457294045, - -625.0863220977822, - -449.7736790574001, - -349.0236826683309, - -321.0487450923847, - -349.02368266833076, - -449.7736790574001, - -625.086322097782, - -597.2891457294048, - 764.2966346314493, - 2809.0096395879805, - 1723.816422430622, - -328.78991181441313, - -903.0647477040272, - -751.7769106517954, - -528.2719062177943, - -371.6580092917409, - -282.11745572940924, - -236.07397129905473, - -237.70230484167294, - -251.91539562172767, - -297.5913270172988, - -387.32955219010637, - -543.0939294724622, - -767.467762634412, - -940.9824006995418, - -457.9904160394235, - 1781.5077575103135, - 3924.757962898167, - 1432.3869881422513, - -536.3416757736826, - -643.0542247328449, - -476.64486947655183, - -380.03634495225145, - -352.5453153236593, - -380.0363449522518, - -476.64486947655195, - -643.0542247328453, - -536.3416757736825, - 1432.3869881422518, - 3924.75796289817, - 1781.5077575103144, - -457.99041603942356, - -940.9824006995419, - -767.4677626344122, - -543.0939294724625, - -387.3295521901063, - -297.5913270172988, - -251.91539562172753, - -285.74039183690695, - -300.16585902119016, - -345.88951111690375, - -439.12179434140654, - -601.9208905937955, - -845.2031255729598, - -1085.5251848214782, - -967.2592894849186, - 242.37114810068425, - 1746.9074416782705, - 408.6777843376912, - -757.5000385729641, - -738.964013696614, - -570.4393514535427, - -481.6948373866499, - -457.1129086895058, - -481.6948373866499, - -570.4393514535427, - -738.9640136966138, - -757.500038572964, - 408.6777843376902, - 1746.90744167827, - 242.37114810068383, - -967.2592894849187, - -1085.5251848214773, - -845.2031255729597, - -601.9208905937953, - -439.12179434140654, - -345.8895111169038, - -300.16585902119004, - -380.2188870028442, - -393.9645069567951, - -443.5605089356443, - -546.1573651741777, - -739.2670128326774, - -1028.7700742528225, - -1314.3752493874183, - -1233.8870973873509, - -456.14726215272964, - -0.07629823303558125, - -724.5479707286938, - -1113.9443158554775, - -940.548827466135, - -743.3070979838258, - -650.5091997295373, - -634.6080975323746, - -650.5091997295373, - -743.3070979838257, - -940.5488274661351, - -1113.944315855477, - -724.5479707286936, - -0.07629823303575664, - -456.1472621527297, - -1233.8870973873502, - -1314.3752493874172, - -1028.7700742528225, - -739.2670128326774, - -546.1573651741777, - -443.5605089356442, - -393.9645069567949, - -539.854161441199, - -554.291695371155, - -611.6875916368602, - -744.9268793327168, - -991.8967494548789, - -1241.5111105607884, - -436.8779005877278, - 5000, - 5000, - 5000, - 5000, - -3.9604196239884586, - -1105.608456038098, - -723.3115792179814, - -503.07995238911735, - -571.5506290758094, - -503.0799523891172, - -723.3115792179813, - -1105.6084560380978, - -3.9604196239886402, + 167.0194298274153, + -1105.3697188803958, + -770.0740415707754, + -573.0143033586709, + -619.3829029094757, + -573.0142336441492, + -770.0738640485573, + -1105.3696501580484, + 167.0107271558578, + 5000, + 5000, + 5000, + 5000, + -454.5156342900398, + -1251.077254694585, + -991.284566681806, + -734.4316074249184, + -594.5524632601989, + -533.1745877375462, + -365.0069534402708, + -380.3598359088936, + -432.60639932181357, + -540.1823595112518, + -740.8558303735398, + -1039.638836695662, + -1333.994154734562, + -1252.6495250250812, + -417.0071982633376, + 173.1088632328774, + -612.6630946524059, + -1097.1868620339824, + -933.9487011636638, + -731.4669953264404, + -635.3357495784887, + -616.2740312971476, + -635.3356867437006, + -731.4668423396572, + -933.948463636081, + -1097.186909442746, + -612.6648676125751, + 173.10893877029267, + -417.0057765897978, + -1252.6493333865292, + -1333.9943624659581, + -1039.639112876276, + -740.8559887516806, + -540.1824150229921, + -432.60643640113534, + -380.35982375677827, + -278.60718947312125, + -292.9419207339472, + -340.1420797455897, + -436.62108346961224, + -604.2131248298201, + -852.2314899295063, + -1094.3819939603782, + -939.5944875671267, + 424.6821348535321, + 2101.6625096510525, + 578.7302681391351, + -739.3275170961762, + -736.2416746046327, + -561.8072179915986, + -468.58282348659776, + -442.95610129153835, + -468.5827612218293, + -561.807072802151, + -736.2414907632368, + -739.3284238942108, + 578.7253343099696, + 2101.6629209350276, + 424.68558706207307, + -939.5937973720166, + -1094.3821086722478, + -852.2317304006357, + -604.2132643503805, + -436.62113209021726, + -340.14211142383414, + -292.9419093484039, + -234.47502669091818, + -249.56171564185104, + -295.60485655076667, + -386.4662015212268, + -544.3087449094317, + -771.8460467876821, + -944.5604930266011, + -437.29539215116097, + 1825.5138879979904, + 3864.3385692134816, + 1377.9316763159613, + -545.6350991134149, + -643.452712032499, + -473.9502570672927, + -375.1159300314451, + -346.24598845503124, + -375.11586600539704, + -473.9501086922451, + -643.4525484416449, + -545.6365591480982, + 1377.9244785274732, + 3864.3381653623655, + 1825.5189509313773, + -437.2939772630306, + -944.5604613233951, + -771.8462714989073, + -544.3088810270428, + -386.4662484878307, + -295.60488597260735, + -249.56170451591905, + -223.34800613949943, + -236.0739544701695, + -282.11741796821707, + -371.657980471445, + -528.2718656557878, + -751.7768383487281, + -903.0647128181362, + -328.7894262487641, + 1723.817047139908, + 2809.011377583537, + 764.298483333231, + -597.2889272301695, + -625.0863503033423, + -449.7736831885733, + -349.02366112830015, + -321.04872540847396, + -349.02359640826427, + -449.77353243759455, + -625.0861707890568, + -597.2899377926364, + 764.2933387405537, + 2809.010054016933, + 1723.820942298556, + -328.7879429725734, + -903.064642866114, + -751.777060342402, + -528.2720015473343, + -371.6580272199545, + -282.11744676161817, + -236.07394369417457, + -237.70225402978204, + -251.91534203891752, + -297.59124074404554, + -387.3294510459968, + -543.0937704932933, + -767.4675159587224, + -940.9822632995541, + -457.9908632355035, + 1781.5027035428475, + 3924.748250953203, + 1432.3837585201602, + -536.341988772236, + -643.0541680589531, + -476.6448018052723, + -380.03627657030285, + -352.54525506472606, + -380.03621377389794, + -476.6446562333131, + -643.0540094124913, + -536.3434881174517, + 1432.3764080214414, + 3924.748014902588, + 1781.5078258317967, + -457.98949455358974, + -940.9822393087072, + -767.467737356769, + -543.0939046345732, + -387.3294975447443, + -297.59127008495454, + -251.91533118419122, + -285.74042092896144, + -300.1658880096277, + -345.88951815266194, + -439.1218225303803, + -601.9209292791154, + -845.2031688577857, + -1085.5252942376474, + -967.2590478240354, + 242.37155983811053, + 1746.9085985186687, + 408.67912302775886, + -757.5000416128204, + -738.9641785538493, + -570.439490525025, + -481.69496492720594, + -457.11304282107886, + -481.69490503392825, + -570.4393505312006, + -738.963997584294, + -757.5008242803442, + 408.67476291673546, + 1746.909009685113, + 242.37463080762643, + -967.2584564921086, + -1085.5254183424615, + -845.2034026779363, + -601.9210650691118, + -439.12187031003634, + -345.8895496916396, + -300.16587710334915, + -380.2188623583688, + -393.9644776519611, + -443.5604397778092, + -546.1572946319318, + -739.2669033448401, + -1028.7699143258546, + -1314.3751821955323, + -1233.8870459728892, + -456.14816136716354, + -0.07801253194957525, + -724.5485862380973, + -1113.9444990964487, + -940.5488922722569, + -743.3071263488589, + -650.5092295165915, + -634.6081373181815, + -650.5091700327484, + -743.3069804179224, + -940.5486594316868, + -1113.9444448040745, + -724.5499991651324, + -0.07798577327299401, + -456.1469928961757, + -1233.8869241430216, + -1314.3753933575133, + -1028.7701806782395, + -739.2670566789976, + -546.1573493886782, + -443.56047681072306, + -393.9644662708851, + -539.8539820149714, + -554.2915076070069, + -611.687344115396, + -744.9266084307791, + -991.8964081164361, + -1241.5111303440192, + -436.8805936030701, + 5000, + 5000, + 5000, + 5000, + -3.961225191495547, + -1105.608371830517, + -723.3113565415209, + -503.0798223769155, + -571.5504331516566, + -503.0797560245137, + -723.3111837760974, + -1105.6082747065425, + -3.968702159933849, 5000, 5000, 5000, 5000, - -436.8779005877279, - -1241.5111105607875, - -991.8967494548789, - -744.9268793327165, - -611.6875916368601, - -554.2916953711554, - -764.9281037096677, - -782.0503919617007, - -859.504878297118, - -1040.707169041503, - -1248.1402515549403, - 785.7346305386912, + -436.879175725561, + -1241.511152757772, + -991.8965875591704, + -744.9266787924882, + -611.6873913754786, + -554.2914946230388, + -764.9278926894075, + -782.0501610161057, + -859.504539361404, + -1040.7067722618042, + -1248.1403078349106, + 785.7216043097569, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2583986008742, - 607.3824644372409, - 1584.5355336043426, - 890.2664415509281, - 1584.5355336043408, - 607.3824644372404, - -655.2583986008741, + -655.2579701158539, + 607.3878846362353, + 1584.542359879223, + 890.2715156695607, + 1584.5424429460911, + 607.3881194369371, + -655.2588672464125, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7346305386911, - -1248.1402515549403, - -1040.7071690415032, - -859.5048782971177, - -782.0503919617006, - -897.1186403655227, - -938.6692445323571, - -1091.3582141707018, - -1325.80728044203, - -442.6747365951214, + 785.7281022202394, + -1248.1402867773895, + -1040.7068613570452, + -859.5045998015592, + -782.0501435773912, + -897.1185431863537, + -938.6690911669853, + -1091.3577989905816, + -1325.806928096657, + -442.6800406110603, 5000, 5000, 5000, @@ -11465,13 +11717,13 @@ 5000, 5000, 5000, - 89.21344263780966, - 1912.363308699863, - 3911.9355289359837, - 2849.748195496999, - 3911.9355289359837, - 1912.3633086998632, - 89.21344263780985, + 89.21513885435944, + 1912.3733496891043, + 3911.94837803242, + 2849.756850666878, + 3911.9484812607275, + 1912.373690759971, + 89.21330595013929, 5000, 5000, 5000, @@ -11479,14 +11731,14 @@ 5000, 5000, 5000, - -442.6747365951211, - -1325.80728044203, - -1091.3582141707016, - -938.6692445323571, - -244.57452872602153, - -368.58469948484293, - -913.1710158576055, - -1228.8181957618287, + -442.6788742380807, + -1325.807063914693, + -1091.357862427184, + -938.6690624290273, + -244.57397963066097, + -368.58431102915466, + -913.1706897840929, + -1228.8180672131432, 5000, 5000, 5000, @@ -11495,13 +11747,13 @@ 5000, 5000, 5000, - -462.2465257483063, - 228.31379769866086, - 1640.3739365883573, - 1588.345589482642, - 1640.373936588357, - 228.31379769866095, - -462.24652574830634, + -462.24683420500173, + 228.3139741547929, + 1640.3724422680234, + 1588.343081489465, + 1640.3725447755578, + 228.31433476735543, + -462.24762063911675, 5000, 5000, 5000, @@ -11510,13 +11762,13 @@ 5000, 5000, 5000, - -1228.818195761829, - -913.1710158576055, - -368.58469948484276, - 1853.0797481018126, - 1973.0953595963717, - 438.0389443322041, - -422.252489188386, + -1228.8185894854141, + -913.1706743880874, + -368.58425149251536, + 1853.070319409838, + 1973.0838611669737, + 438.03227706319956, + -422.2542821478977, 5000, 5000, 5000, @@ -11525,13 +11777,13 @@ 5000, 5000, 5000, - -1258.6796755295516, - -990.5520940138557, - -519.3246014015594, - -406.6642766222489, - -519.3246014015592, - -990.5520940138553, - -1258.6796755295516, + -1258.6799743130664, + -990.5527031582253, + -519.3263964155399, + -406.66661379453103, + -519.3263159395888, + -990.5524456585946, + -1258.6799768575834, 5000, 5000, 5000, @@ -11540,13 +11792,13 @@ 5000, 5000, 5000, - -422.2524891883864, - 438.03894433220415, - 1973.0953595963733, - 2746.293967426784, - 3871.9548885980344, - 1924.2521665940017, - 64.46655162704172, + -422.25572097378034, + 438.03267309725226, + 1973.08377687825, + 2746.2919911050844, + 3871.951068980512, + 1924.2498657866033, + 64.46677537956202, 5000, 5000, 5000, @@ -11554,15 +11806,15 @@ 5000, 5000, 5000, - -449.0742893006098, - -1321.7196231058313, - -1087.2321550877032, - -944.5815527254755, - -906.2909148424267, - -944.5815527254753, - -1087.2321550877034, - -1321.7196231058313, - -449.07428930060956, + -449.07217723510655, + -1321.7196413103438, + -1087.2321719504778, + -944.5816247284503, + -906.2910489029651, + -944.581564942867, + -1087.2320002606677, + -1321.7194191743993, + -449.0795938863463, 5000, 5000, 5000, @@ -11570,343 +11822,343 @@ 5000, 5000, 5000, - 64.46655162704168, - 1924.2521665940008, - 3871.9548885980344, - 637.2640773453089, - 1237.3262395467423, - 383.9066795999895, - -688.1113323075992, + 64.46549220798853, + 1924.250730625934, + 3871.950430981668, + 637.2629545571775, + 1237.3248672458026, + 383.9060850997706, + -688.1104289116033, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2325223421985, - -1244.166088837045, - -1027.0668708716073, - -837.8571581042164, - -756.6562719816053, - -738.0353629530558, - -756.6562719816054, - -837.8571581042164, - -1027.0668708716075, - -1244.1660888370452, - 794.2325223421979, + 794.2414469105446, + -1244.1658796751706, + -1027.066961124016, + -837.8571856390341, + -756.6562808483474, + -738.0353765889919, + -756.6562353792043, + -837.8570667386216, + -1027.0667390104873, + -1244.1659985907654, + 794.2275981492843, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1113323075998, - 383.90667959998984, - 1237.326239546742, - -619.3827300831962, - -573.0139922006756, - -770.0738848478436, - -1105.3695071489058, - 167.0237273426891, + -688.1108054512307, + 383.90649248688186, + 1237.324551967595, + -619.3828445907936, + -573.0140713813183, + -770.0738619095011, + -1105.3692374787254, + 167.03124015938292, 5000, 5000, 5000, 5000, - -454.5155871474094, - -1251.0771456775751, - -991.2844838008517, - -734.4315902251643, - -594.5524700283196, - -533.1746067177926, - -517.3390578251049, - -533.1746067177928, - -594.5524700283195, - -734.4315902251643, - -991.2844838008523, - -1251.0771456775753, - -454.5155871474096, - 5000, - 5000, - 5000, - 5000, - 167.02372734268903, - -1105.369507148906, - -770.0738848478431, - -573.013992200676, - -616.2740518584607, - -635.3357589495643, - -731.4669880642745, - -933.9486576018894, - -1097.1868741463857, - -612.6637283948603, - 173.10870564914754, - -417.00683934282114, - -1252.6495607641182, - -1333.9941571154616, - -1039.6389279696089, - -740.8558880506475, - -540.1824022066546, - -432.6064586089404, - -380.3598664162441, - -365.0069836583689, - -380.3598664162441, - -432.60645860894056, - -540.1824022066548, - -740.8558880506473, - -1039.6389279696093, - -1333.9941571154613, - -1252.6495607641175, - -417.00683934282114, - 173.10870564914774, - -612.6637283948606, - -1097.1868741463868, - -933.9486576018897, - -731.4669880642742, - -635.335758949564, - -442.9561325819617, - -468.5828573202752, - -561.8072375326229, - -736.2416793108641, - -739.3276121363955, - 578.7295459537727, - 2101.6639318531716, - 424.68431500922355, - -939.5940140270039, - -1094.3819818831557, - -852.2316267794391, - -604.2132048834378, - -436.6211275841974, - -340.1421237381677, - -292.9419352715988, - -278.60720290621913, - -292.9419352715989, - -340.1421237381676, - -436.62112758419744, - -604.2132048834376, - -852.2316267794391, - -1094.3819818831553, - -939.5940140270038, - 424.68431500922304, - 2101.6639318531716, - 578.7295459537725, - -739.327612136395, - -736.2416793108644, - -561.8072375326229, - -468.5828573202753, - -346.24601546950913, - -375.1159510339287, - -473.95022755472763, - -643.4526554400474, - -545.6360407150497, - 1377.923496720448, - 3864.3252116112276, - 1825.5082995753726, - -437.2966989786784, - -944.5604630599967, - -771.845993145867, - -544.3087058322994, - -386.46618754933405, - -295.6048735831685, - -249.56172085215218, - -234.47503525199144, - -249.56172085215223, - -295.60487358316874, - -386.46618754933394, - -544.3087058322994, - -771.8459931458669, - -944.5604630599966, - -437.2966989786782, - 1825.508299575371, - 3864.325211611229, - 1377.9234967204477, - -545.6360407150497, - -643.4526554400472, - -473.9502275547277, - -375.1159510339286, - -263.59192777714253, - -281.3865225994143, - -340.55172469407387, - -450.06014108117296, - -596.755514692801, - -726.4203825762008, - -794.7793724026066, - -819.6588249093379, - -773.3751237926422, - -645.0198365292811, - -495.68442454848133, - -371.041992850009, - -282.2132804902699, - -226.3246543751902, - -195.38212455610815, - -184.84766630610085, - -195.3821245561082, - -226.3246543751902, - -282.2132804902702, - -371.04199285000897, - -495.68442454848116, - -645.0198365292812, - -773.3751237926422, - -819.6588249093377, - -794.7793724026067, - -726.420382576201, - -596.7555146928005, - -450.0601410811729, - -340.5517246940738, - -281.38652259941455, - -283.0527510457666, - -301.3883120161557, - -362.029538048883, - -474.6918442746517, - -628.9479435798141, - -763.785271806961, - -842.0205693793959, - -876.1238351683307, - -821.7043531537033, - -681.8814293005967, - -521.6443034572474, - -389.22258122758285, - -296.60278009243916, - -237.2859280121601, - -205.72825922741274, - -196.30188399604398, - -205.7282592274128, - -237.28592801215993, - -296.6027800924394, - -389.22258122758296, - -521.6443034572476, - -681.8814293005967, - -821.7043531537031, - -876.1238351683304, - -842.0205693793956, - -763.7852718069607, - -628.9479435798143, - -474.69184427465206, - -362.0295380488832, - -301.3883120161557, - -344.86893335748937, - -365.22997325699214, - -434.5093946264895, - -566.2702477113806, - -752.9467701347878, - -922.311292443659, - -1028.5543725888915, - -1079.8295303358036, - -1007.4319429677411, - -825.0737026954773, - -621.8884439252241, - -455.5489843272365, - -343.7790530146975, - -275.2375684200759, - -238.71478200210043, - -228.5504971807317, - -238.71478200210043, - -275.23756842007583, - -343.77905301469764, - -455.54898432723655, - -621.888443925224, - -825.0737026954769, - -1007.4319429677408, - -1079.8295303358038, - -1028.5543725888913, - -922.3112924436592, - -752.9467701347879, - -566.2702477113806, - -434.5093946264896, - -365.2299732569923, - -457.11290521744957, - -481.69483409750137, - -570.43934782819, - -738.9640020574212, - -757.4999089493189, - 408.67866620089745, - 1746.9090225460777, - 242.37171629221874, - -967.2592244648284, - -1085.5251783034805, - -845.2031259758994, - -601.9208957622609, - -439.12180289018545, - -345.88952126692436, - -300.16586993200696, - -285.7404029731034, - -300.1658699320069, - -345.8895212669241, - -439.12180289018545, - -601.9208957622616, - -845.2031259758988, - -1085.5251783034805, - -967.2592244648281, - 242.37171629221905, - 1746.909022546078, - 408.6786662008973, - -757.4999089493184, - -738.9640020574207, - -570.4393478281897, - -481.6948340975014, - -604.7188311444977, - -637.8079532672149, - -761.2054815386612, - -759.7115724698172, - 5000, - 5000, - 5000, - 5000, - 5000, - 95.56275356264518, - -1081.8344120373156, - -858.0407509971577, - -605.6597570638888, - -461.3839241865088, - -395.2341661150441, - -376.43234505332657, - -395.2341661150443, - -461.38392418650864, - -605.6597570638888, - -858.0407509971582, - -1081.8344120373151, - 95.56275356264509, + -454.5098369256096, + -1251.076831519622, + -991.284747529241, + -734.4317335359195, + -594.5525364060031, + -533.1746402746807, + -517.3390899983411, + -533.1746049734647, + -594.5524514653388, + -734.4315723507723, + -991.2841820665642, + -1251.0767454255545, + -454.5119024523452, + 5000, + 5000, + 5000, + 5000, + 167.03144140787896, + -1105.369291552562, + -770.0738180640669, + -573.0140530927156, + -616.2742804569133, + -635.3359775569605, + -731.46720711639, + -933.94901870842, + -1097.1869697248844, + -612.661860365876, + 173.11381132668782, + -417.00313546760646, + -1252.6485449408085, + -1333.994464252247, + -1039.6394599201024, + -740.8562570680458, + -540.1826244240065, + -432.60661912701147, + -380.36000063214254, + -365.00711977976613, + -380.35997121839455, + -432.6065528312977, + -540.1825049892738, + -740.8557982231232, + -1039.638880564467, + -1333.9941849275383, + -1252.6487100644185, + -417.0033832004272, + 173.11349500290765, + -612.6617090299666, + -1097.1870537403804, + -933.949028599666, + -731.4672146659971, + -635.3359255583007, + -442.95601186544366, + -468.58275588858265, + -561.8071115580411, + -736.2415900381338, + -739.3274981544837, + 578.7295174041504, + 2101.663809928694, + 424.6833980542836, + -939.5940686223859, + -1094.381959160297, + -852.2316633124992, + -604.2132115438299, + -436.6210905777837, + -340.1420733026485, + -292.9418738539744, + -278.60714784099486, + -292.94184706980275, + -340.1420147012415, + -436.6209878806853, + -604.2128249741843, + -852.231178737389, + -1094.3817888706817, + -939.5947427420123, + 424.6822504278142, + 2101.66361499864, + 578.7306970489018, + -739.3274166950079, + -736.2416009921263, + -561.8071232402818, + -468.58270986939266, + -346.245936384657, + -375.1158881682881, + -473.9501245927672, + -643.4525755806362, + -545.6363508938741, + 1377.9198091230114, + 3864.316455952778, + 1825.5010285579488, + -437.2982765450055, + -944.5605709040545, + -771.8459792207129, + -544.3086873842387, + -386.4661464663774, + -295.6048307123284, + -249.56167131447492, + -234.47499331914557, + -249.56164525828837, + -295.60477429391784, + -386.4660480497941, + -544.3083223408529, + -771.8455378917856, + -944.5605552038832, + -437.2996831794744, + 1825.4993195549985, + 3864.3165508677907, + 1377.9215732594628, + -545.6361995415423, + -643.4525919451041, + -473.9501380838325, + -375.1158454997516, + -263.5919081580726, + -281.3865149029428, + -340.55169938155166, + -450.0601412303341, + -596.7555040342601, + -726.4203593602664, + -794.779371062113, + -819.6588408771876, + -773.3751487234385, + -645.0198390921195, + -495.68446748951396, + -371.0420170692269, + -282.21327947222295, + -226.32464564599513, + -195.3821079080774, + -184.84765487417837, + -195.38209086006808, + -226.32461121113832, + -282.21322425406066, + -371.0418200328958, + -495.68421261988226, + -645.0196622209412, + -773.3750474905427, + -819.6588529151495, + -794.779415765237, + -726.4204276830598, + -596.7555630975922, + -450.0601530739724, + -340.55170998532685, + -281.386487707715, + -283.0527208893313, + -301.38829233725056, + -362.02949372515354, + -474.6918126363271, + -628.9478879077761, + -763.7852310022664, + -842.0205786327648, + -876.1238191839283, + -821.7043233775081, + -681.8813909496682, + -521.6443298618024, + -389.2226018713578, + -296.60278184746903, + -237.28592499468107, + -205.72824952675555, + -196.30187992991097, + -205.72823191959222, + -237.2858891867205, + -296.6027241256324, + -389.2223945449796, + -521.6440607956001, + -681.8812035354732, + -821.7042112344012, + -876.1238332039496, + -842.0206303727202, + -763.7853014961013, + -628.9479475883694, + -474.6918237241727, + -362.02950417302026, + -301.38826393820034, + -344.86890922191463, + -365.2299624275167, + -434.5093630282593, + -566.2702518223816, + -752.9467660328329, + -922.3113004921859, + -1028.5544250614628, + -1079.8295952165163, + -1007.4320379332067, + -825.0737790646323, + -621.888567282789, + -455.54906778715855, + -343.77909331135504, + -275.23759281881627, + -238.7147957635702, + -228.55051583517766, + -238.71477557673217, + -275.23755110540935, + -343.7790240444679, + -455.5488128050819, + -621.888232249945, + -825.0735437673289, + -1007.4318930909681, + -1079.829615039352, + -1028.5544966188736, + -922.3113868434773, + -752.946834598301, + -566.2702613846807, + -434.5093733053929, + -365.2299287036467, + -457.1128068592461, + -481.69475014530053, + -570.4392289200852, + -738.9639189474058, + -757.5000159227618, + 408.6769830014651, + 1746.9061507002912, + 242.37034362387294, + -967.2591678776981, + -1085.5251676967955, + -845.2032196059799, + -601.9209517741817, + -439.12180564387467, + -345.8895064277363, + -300.16584457419344, + -285.74038404036133, + -300.1658186341724, + -345.88944961647337, + -439.12170593167116, + -601.9205752688375, + -845.2027459637745, + -1085.524988215969, + -967.2597412778339, + 242.36933176346088, + 1746.9059509328667, + 408.67801378326186, + -757.4999506629416, + -738.9639291801637, + -570.4392402838594, + -481.6947050017918, + -604.7186532644968, + -637.8077985812107, + -761.205275193755, + -759.7112405676872, + 5000, + 5000, + 5000, + 5000, + 5000, + 95.56374625167243, + -1081.834307907127, + -858.0408267471649, + -605.6597632183369, + -461.3839003947208, + -395.23412732798613, + -376.43231329103133, + -395.2340899448123, + -461.38381212993664, + -605.6595996149218, + -858.0402767223239, + -1081.834420457327, + 95.55956290509542, 5000, 5000, 5000, 5000, 5000, - -759.7115724698174, - -761.2054815386616, - -637.8079532672147, - -731.6842773571259, - -771.4359362472853, - -929.3683594676326, - 459.29126891407805, + -759.7112709937791, + -761.2052894649935, + -637.8077365648186, + -731.6842280893945, + -771.4358852063884, + -929.3682229049575, + 459.2915782321371, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.7342209365759, - -1086.3390867823023, - -852.0116621552492, - -630.2788824606399, - -530.2348411965721, - -503.6092743563563, - -530.2348411965717, - -630.27888246064, - -852.0116621552488, - -1086.3390867823027, - 1164.7342209365754, + 1164.7365176189562, + -1086.3390704335561, + -852.0117116799458, + -630.2789175307405, + -530.2348736682347, + -503.60932080483707, + -530.2348170365617, + -630.2787759045511, + -852.0114639222237, + -1086.3392841416717, + 1164.720888379253, 5000, 5000, 5000, 5000, 5000, 5000, - 459.29126891407793, - -929.3683594676323, - -771.4359362472851, - -797.6929198293874, - -848.4720823108868, - -1033.8494138496628, - 1914.5448070203365, + 459.29144976514766, + -929.3682428437136, + -771.4358084262769, + -797.6928492891991, + -848.4720291348262, + -1033.8492274217558, + 1914.5482247498587, 5000, 5000, 5000, @@ -11914,15 +12166,15 @@ 5000, 5000, 5000, - 82.48615666602736, - -1095.6675443964198, - -836.3602476334264, - -691.3474042614938, - -652.8322052914787, - -691.3474042614939, - -836.3602476334264, - -1095.6675443964193, - 82.48615666602737, + 82.48814298361273, + -1095.6676017515224, + -836.3602374843488, + -691.3473575698097, + -652.8321671517871, + -691.3472748272969, + -836.36002814664, + -1095.667462740378, + 82.47765076586661, 5000, 5000, 5000, @@ -11930,13 +12182,13 @@ 5000, 5000, 5000, - 1914.5448070203374, - -1033.849413849663, - -848.4720823108869, - -820.4992113137947, - -880.4820301240152, - -1084.5200791642094, - 355.8409854778325, + 1914.5479270877947, + -1033.8492609830696, + -848.4719442790749, + -820.4990876872675, + -880.4819208254876, + -1084.5198260377624, + 355.8428697039431, 5000, 5000, 5000, @@ -11945,13 +12197,13 @@ 5000, 5000, 5000, - -967.9506511357175, - -1016.576170719215, - -828.1435747629213, - -776.9814528409553, - -828.143574762921, - -1016.5761707192149, - -967.9506511357175, + -967.9503958030815, + -1016.5761548015408, + -828.1435012531265, + -776.9813849201324, + -828.1433904446787, + -1016.5759099803147, + -967.9516483504649, 5000, 5000, 5000, @@ -11960,13 +12212,13 @@ 5000, 5000, 5000, - 355.84098547783265, - -1084.5200791642092, - -880.4820301240151, - -768.231783262077, - -820.2807408343592, - -1009.0955316944049, - -940.156549152236, + 355.8426055399826, + -1084.5198784708184, + -880.4818379692804, + -768.2318130194864, + -820.2807787477072, + -1009.0954742986785, + -940.1563975041491, 5000, 5000, 5000, @@ -11975,13 +12227,13 @@ 5000, 5000, 5000, - 303.1079492633595, - -1083.164656780896, - -877.0598806779989, - -818.1335719831513, - -877.0598806779988, - -1083.164656780896, - 303.1079492633596, + 303.10764022264453, + -1083.1647627443053, + -877.0599065702987, + -818.1336044687206, + -877.0597771061144, + -1083.1645846944066, + 303.100404145109, 5000, 5000, 5000, @@ -11990,14 +12242,14 @@ 5000, 5000, 5000, - -940.1565491522359, - -1009.0955316944049, - -820.2807408343592, - -636.6040890873821, - -675.7419575564484, - -824.030850057891, - -1084.4087571809325, - 166.82025213643735, + -940.1565025284073, + -1009.0955373320227, + -820.2807129654391, + -636.6039808444893, + -675.7418561158173, + -824.0306788259206, + -1084.408633106127, + 166.81987988034314, 5000, 5000, 5000, @@ -12005,13 +12257,13 @@ 5000, 5000, 5000, - 1920.4787345929528, - -1027.537484635015, - -841.7783864781029, - -791.8291522507336, - -841.7783864781035, - -1027.5374846350146, - 1920.4787345929528, + 1920.4808508407561, + -1027.5375042937908, + -841.7783776033126, + -791.8291220977793, + -841.7782478282675, + -1027.5374175493516, + 1920.4654183201806, 5000, 5000, 5000, @@ -12019,345 +12271,345 @@ 5000, 5000, 5000, - 166.82025213643743, - -1084.4087571809325, - -824.0308500578911, - -675.7419575564487, - -487.8103929270031, - -515.6079821055607, - -618.7502935130822, - -845.236931176529, - -1082.741037536099, - 1193.4457091939903, + 166.8224923880276, + -1084.4087157693557, + -824.0307420516738, + -675.7418123166536, + -487.81031650556594, + -515.6079142740929, + -618.7501934154485, + -845.2368889755084, + -1082.7409500035155, + 1193.4449232047548, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8025187183845, - -920.866582971939, - -762.5696015068324, - -720.6091121620136, - -762.5696015068324, - -920.8665829719388, - 523.8025187183848, + 523.8047602602862, + -920.8665931325377, + -762.5695776696078, + -720.6090563390596, + -762.569464978377, + -920.8664519606806, + 523.7969387977306, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4457091939903, - -1082.741037536099, - -845.2369311765287, - -618.7502935130823, - -515.607982105561, - -364.8730654655852, - -384.1979058512184, - -452.08398364082547, - -601.1322230304997, - -859.8071572417242, - -1087.5498451124192, - 155.2777942752036, + 1193.4528194738195, + -1082.74087768308, + -845.2369774555566, + -618.7502478574661, + -515.6078874495489, + -364.8730379868273, + -384.1978765664436, + -452.0839083522806, + -601.1321370187234, + -859.8070122365267, + -1087.549912227678, + 155.27551869949673, 5000, 5000, 5000, 5000, 5000, - -738.3080496694784, - -749.7410222035439, - -623.327989513565, - -588.2376173470316, - -623.3279895135648, - -749.741022203544, - -738.3080496694787, - 5000, - 5000, - 5000, - 5000, - 5000, - 155.27779427520335, - -1087.5498451124192, - -859.8071572417244, - -601.1322230304997, - -452.0839836408257, - -384.19790585121837, - -278.6072160888182, - -292.94194815604493, - -340.14213566454026, - -436.6211379685897, - -604.2132127661811, - -852.2316331565077, - -1094.3819905786654, - -939.5940340881864, - 424.68410783827136, - 2101.663218190765, - 578.7291295075335, - -739.3276790748093, - -736.2416966920842, - -561.8072548493482, - -468.5828769368571, - -442.95615301315036, - -468.58287693685725, - -561.807254849348, - -736.2416966920839, - -739.3276790748099, - 578.7291295075337, - 2101.6632181907635, - 424.6841078382715, - -939.5940340881864, - -1094.3819905786656, - -852.2316331565075, - -604.2132127661813, - -436.6211379685896, - -340.1421356645404, - -292.9419481560447, - -224.15985569132468, - -234.9971728236257, - -272.29328452291554, - -342.38121705821186, - -457.195866503006, - -628.0440743402914, - -835.946357377067, - -1019.047410207335, - -1088.4267256166927, - -1033.2056938310789, - -928.3863134865194, - -758.2786999489134, - -566.34000033261, - -429.47883807096053, - -357.23786868846884, - -336.1398845351788, - -357.23786868846884, - -429.47883807096053, - -566.3400003326096, - -758.2786999489136, - -928.3863134865195, - -1033.2056938310784, - -1088.4267256166927, - -1019.0474102073348, - -835.9463573770669, - -628.0440743402908, - -457.195866503006, - -342.3812170582117, - -272.2932845229156, - -234.99717282362565, - -194.4789813196315, - -204.17223150055142, - -236.55864833576464, - -296.5819866621484, - -389.86098801133795, - -524.449552165503, - -686.1179565553958, - -827.6149637736328, - -882.5790493127464, - -849.0048800191898, - -770.2463205488872, - -632.6043295172187, - -475.76155148613446, - -360.3350976779405, - -298.42985281718694, - -279.95155029523914, - -298.429852817187, - -360.3350976779405, - -475.76155148613424, - -632.6043295172184, - -770.2463205488871, - -849.0048800191898, - -882.5790493127463, - -827.6149637736327, - -686.117956555396, - -524.4495521655032, - -389.86098801133807, - -296.5819866621483, - -236.5586483357647, - -204.17223150055136, - -184.84766549462813, - -195.38212349930035, - -226.32465261910784, - -282.2132774800934, - -371.0419881236326, - -495.6844180543945, - -645.0198291387304, - -773.3751169269823, - -819.6588198181455, - -794.7793695440533, - -726.4203815431065, - -596.7555148000682, - -450.0601417032879, - -340.55172547916277, - -281.38652342722725, - -263.59192862738695, - -281.38652342722736, - -340.55172547916277, - -450.060141703288, - -596.7555148000685, - -726.4203815431065, - -794.7793695440535, - -819.6588198181456, - -773.3751169269823, - -645.0198291387302, - -495.6844180543944, - -371.0419881236325, - -282.2132774800934, - -226.32465261910784, - -195.38212349930046, - -196.3018826765457, - -205.72825785065052, - -237.28592647879412, - -296.602778261233, - -389.22257884600054, - -521.6443000496008, - -681.8814239978402, - -821.7043451476821, - -876.1238250714424, - -842.0205589576389, - -763.7852618812418, - -628.9479355834287, - -474.6918391704302, - -362.02953509489816, - -301.3883100960291, - -283.0527494112333, - -301.3883100960291, - -362.0295350948981, - -474.69183917043006, - -628.9479355834286, - -763.7852618812419, - -842.0205589576389, - -876.1238250714429, - -821.7043451476826, - -681.8814239978401, - -521.6443000496005, - -389.2225788460003, - -296.60277826123314, - -237.2859264787941, - -205.72825785065055, - -228.5504955887613, - -238.7147801807475, - -275.2375657991036, - -343.77904883645914, - -455.54897745443935, - -621.8884330122443, - -825.0736869079859, - -1007.4319231283752, - -1079.8295091629057, - -1028.5543529745717, - -922.3112765316683, - -752.9467591612829, - -566.2702411320278, - -434.5093909349443, - -365.22997103273644, - -344.86893157904683, - -365.2299710327364, - -434.5093909349444, - -566.2702411320278, - -752.9467591612827, - -922.3112765316685, - -1028.5543529745717, - -1079.8295091629052, - -1007.4319231283754, - -825.0736869079858, - -621.888433012244, - -455.54897745443924, - -343.77904883645897, - -275.23756579910355, - -238.71478018074745, - -285.7404023737199, - -300.1658692180224, - -345.8895202601798, - -439.12180141488733, - -601.9208936912813, - -845.2031233125118, - -1085.5251752832962, - -967.2592214840356, - 242.37171883585697, - 1746.9090244637293, - 408.6786674523682, - -757.4999082283572, - -738.9640017019148, - -570.439347693576, - -481.69483408127263, - -457.1129052345795, - -481.69483408127263, - -570.4393476935757, - -738.9640017019148, - -757.499908228357, - 408.6786674523688, - 1746.90902446373, - 242.3717188358563, - -967.2592214840356, - -1085.5251752832958, - -845.2031233125115, - -601.9208936912817, - -439.1218014148873, - -345.88952026017967, - -300.16586921802235, - -376.43234489871344, - -395.23416597031303, - -461.3839240339524, - -605.6597569089065, - -858.0407508682868, - -1081.8344119313897, - 95.56275366597436, - 5000, - 5000, - 5000, - 5000, - 5000, - -759.7115724182637, - -761.2054815394274, - -637.8079532973849, - -604.718831165669, - -637.8079532973844, - -761.2054815394268, - -759.7115724182637, + -738.3083137428963, + -749.7410048388126, + -623.3279634355035, + -588.2375980874607, + -623.3278773011862, + -749.7408213234298, + -738.3091191322488, + 5000, + 5000, + 5000, + 5000, + 5000, + 155.2794132433749, + -1087.5498054478903, + -859.8072008972348, + -601.1322063309073, + -452.0839502849356, + -384.1978598944721, + -278.6071828130381, + -292.94191480435023, + -340.1420767013045, + -436.6210864830595, + -604.2131380683464, + -852.2315102727096, + -1094.381949923884, + -939.5941453406085, + 424.68186001041863, + 2101.658802339627, + 578.7278844227365, + -739.3278475013406, + -736.2416887092714, + -561.8072051165269, + -468.5828040564708, + -442.9560796006057, + -468.58274179169985, + -561.8070599270725, + -736.2415048678034, + -739.3287542975551, + 578.7229506006403, + 2101.6592136199274, + 424.685312215019, + -939.5934551451189, + -1094.3820646355723, + -852.2317507438291, + -604.2132775889137, + -436.6211351036659, + -340.142108379549, + -292.9419034188058, + -224.1598390309396, + -234.9971556957409, + -272.29324702855644, + -342.381184203307, + -457.19581622872295, + -628.0439860101799, + -835.9463100462862, + -1019.0473936888174, + -1088.4267088031409, + -1033.2056821541282, + -928.3863359866098, + -758.2787240465047, + -566.3399949058568, + -429.47880970135606, + -357.2378239746394, + -336.13984109512444, + -357.23777633118954, + -429.4787022224055, + -566.3398192673613, + -758.2783093712625, + -928.386064736029, + -1033.2055515661946, + -1088.4266909309345, + -1019.0475200374469, + -835.9465089065003, + -628.0441631079567, + -457.1959152175718, + -342.3812208078484, + -272.29327235096173, + -234.99714683237482, + -194.4789668128769, + -204.17221682952825, + -236.55861848531993, + -296.5819645534, + -389.8609622902829, + -524.4495141730823, + -686.1179707224161, + -827.6149922108137, + -882.5790075987037, + -849.0048020057359, + -770.2463385601246, + -632.6043963695765, + -475.76158330508525, + -360.33509600538014, + -298.429828385429, + -279.9515253757036, + -298.4297870438929, + -360.33500463670515, + -475.76143716107845, + -632.6040556822784, + -770.246115696479, + -849.0047147242005, + -882.5790060548954, + -827.6150932112841, + -686.1181307546408, + -524.4496582651566, + -389.8610446019542, + -296.5819962929321, + -236.5586406699428, + -204.17220928973893, + -184.8476438496122, + -195.38210071892644, + -226.32461308818424, + -282.2132397788283, + -371.0419363502636, + -495.6843376134036, + -645.0197787485422, + -773.3750857260208, + -819.658784190407, + -794.7793467201449, + -726.4203987155636, + -596.755538951401, + -450.06014262737375, + -340.5517109694697, + -281.38649567116886, + -263.5919029083505, + -281.3864560347617, + -340.5516238225603, + -450.0600037765311, + -596.7552175757666, + -726.4201927573746, + -794.7792774391637, + -819.6587846089938, + -773.3751761967626, + -645.0199280714468, + -495.68447336072654, + -371.04201422150595, + -282.21327010305936, + -226.32463418722676, + -195.38209340540254, + -196.30184234062153, + -205.72821513169762, + -237.28586046233167, + -296.6027027732625, + -389.2224676902611, + -521.6441264230913, + -681.8812421089845, + -821.7041633200853, + -876.1236911705333, + -842.0205223197444, + -763.7852278668311, + -628.9478659998942, + -474.6917689415583, + -362.0294758936653, + -301.38825098995426, + -283.05269594889614, + -301.3882104181975, + -362.029386322782, + -474.6916258978459, + -628.9475326771458, + -763.7850094231354, + -842.0204338067671, + -876.1236880450865, + -821.7042625840639, + -681.8813991750715, + -521.6442678360555, + -389.22254871545414, + -296.60273411677, + -237.2858825457093, + -205.72820759074395, + -228.55050400943614, + -238.71478834435402, + -275.23755597149204, + -343.77905211179564, + -455.54898430412214, + -621.88844156589, + -825.0737816599682, + -1007.4320575961466, + -1079.8296048754141, + -1028.5544724732601, + -922.3114668138985, + -752.946929284838, + -566.270351575548, + -434.50946485254883, + -365.2300281701681, + -344.8689909183452, + -365.2299820284167, + -434.50936103293117, + -566.2701817150986, + -752.9465227204826, + -922.3111893583398, + -1028.554341929918, + -1079.8295953134825, + -1007.4321831185755, + -825.0739749124266, + -621.888613191295, + -455.5490807496842, + -343.7790881572192, + -275.23758110684406, + -238.71477984879, + -285.7403495687984, + -300.16581489937124, + -345.88943700055734, + -439.12172065082393, + -601.9207869831262, + -845.2029708942317, + -1085.5249945620676, + -967.2582552413288, + 242.37308307155584, + 1746.9088616505046, + 408.6789332103729, + -757.4999121847413, + -738.9640390284361, + -570.4393667007038, + -481.69484298011315, + -457.11291925003553, + -481.6947830868389, + -570.4392267068915, + -738.9638580589046, + -757.5006948520506, + 408.67457310021257, + 1746.9092728141566, + 242.37615404109067, + -967.2576639083595, + -1085.5251186666621, + -845.203204714339, + -601.9209227730967, + -439.1217684304707, + -345.8894685395294, + -300.16580399309487, + -376.4322234613594, + -395.23404049654204, + -461.3837470598073, + -605.6595576222032, + -858.0404872965237, + -1081.8344236234234, + 95.56225056033517, + 5000, + 5000, + 5000, + 5000, + 5000, + -759.7114065498115, + -761.2053973740717, + -637.8078663694904, + -604.7187501162067, + -637.8077828883906, + -761.2052180344456, + -759.7121482909004, 5000, 5000, 5000, 5000, 5000, - 95.56275366597438, - -1081.8344119313897, - -858.0407508682865, - -605.6597569089068, - -461.3839240339526, - -395.2341659703132, - -503.6092738056017, - -530.2348405995278, - -630.2788817065959, - -852.011661150751, - -1086.3390854047302, - 1164.734222801089, + 95.56585476606853, + -1081.8343218299945, + -858.0406715412215, + -605.6596260027252, + -461.3837888630596, + -395.23402445084133, + -503.60913875808296, + -530.2346925540946, + -630.2786245543068, + -852.0113213528496, + -1086.3391643303305, + 1164.7213356673642, 5000, 5000, 5000, 5000, 5000, 5000, - 459.2912703537764, - -929.3683584489853, - -771.4359354763869, - -731.6842766641771, - -771.4359354763867, - -929.3683584489854, - 459.2912703537759, + 459.290702590618, + -929.3682832358257, + -771.4358504672654, + -731.6842349735762, + -771.4357399722346, + -929.3681420034019, + 459.28317261843586, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.7342228010891, - -1086.3390854047307, - -852.0116611507511, - -630.2788817065962, - -530.2348405995281, - -652.8322049887786, - -691.3474039416227, - -836.3602472672936, - -1095.6675439512214, - 82.48615724419066, + 1164.7291535481818, + -1086.339092126242, + -852.0114090463048, + -630.2786788687071, + -530.2346665002616, + -652.8318590794269, + -691.3470467846197, + -836.3597514103797, + -1095.6671758389275, + 82.48043891708019, 5000, 5000, 5000, @@ -12365,13 +12617,13 @@ 5000, 5000, 5000, - 1914.5448072492486, - -1033.8494136739248, - -848.4720821712805, - -797.6929197116519, - -848.4720821712806, - -1033.8494136739248, - 1914.5448072492495, + 1914.5487911696075, + -1033.8492196189613, + -848.4718879728327, + -797.6927651133603, + -848.4717591986872, + -1033.849133595425, + 1914.5333625356122, 5000, 5000, 5000, @@ -12379,14 +12631,14 @@ 5000, 5000, 5000, - 82.48615724419054, - -1095.667543951221, - -836.3602472672939, - -691.3474039416226, - -776.9814527837625, - -828.143574697758, - -1016.5761706489801, - -967.9506511153472, + 82.48295517023061, + -1095.667260173486, + -836.3598144115455, + -691.3470034812871, + -776.9812924262044, + -828.1434393214107, + -1016.5759702275806, + -967.9502363443255, 5000, 5000, 5000, @@ -12395,13 +12647,13 @@ 5000, 5000, 5000, - 355.84098545103086, - -1084.5200791988061, - -880.4820301011957, - -820.4992112855527, - -880.4820301011957, - -1084.5200791988073, - 355.8409854510307, + 355.84122251321253, + -1084.519972911312, + -880.4819088190654, + -820.4991177204305, + -880.4817788374829, + -1084.5197979053655, + 355.8337294125336, 5000, 5000, 5000, @@ -12410,13 +12662,13 @@ 5000, 5000, 5000, - -967.9506511153468, - -1016.5761706489803, - -828.1435746977583, - -818.1335717666528, - -877.0598804612325, - -1083.164656520521, - 303.107949585292, + -967.9503518449985, + -1016.5760327833689, + -828.1433736724794, + -818.1335104324946, + -877.0598510687261, + -1083.1645748885167, + 303.107114792596, 5000, 5000, 5000, @@ -12425,13 +12677,13 @@ 5000, 5000, 5000, - -940.1565487694941, - -1009.0955313883536, - -820.2807405756508, - -768.2317830089247, - -820.2807405756511, - -1009.0955313883537, - -940.1565487694938, + -940.1572604809538, + -1009.0955580457065, + -820.2807674683249, + -768.2318440068163, + -820.2806550429464, + -1009.0953126995081, + -940.1586145175262, 5000, 5000, 5000, @@ -12440,13 +12692,13 @@ 5000, 5000, 5000, - 303.10794958529254, - -1083.1646565205208, - -877.0598804612328, - -791.8291517267963, - -841.7783859856768, - -1027.537484000781, - 1920.4787353286165, + 303.10684096153904, + -1083.1646264044273, + -877.0597683215178, + -791.8290759604479, + -841.7783630825685, + -1027.5373770523306, + 1920.48036795079, 5000, 5000, 5000, @@ -12454,15 +12706,15 @@ 5000, 5000, 5000, - 166.82025298014955, - -1084.408756510508, - -824.0308495025056, - -675.7419571478213, - -636.604088640064, - -675.7419571478213, - -824.0308495025056, - -1084.408756510508, - 166.82025298014912, + 166.82064874743259, + -1084.4088276374728, + -824.030798021834, + -675.7418906080878, + -636.6040383811888, + -675.7418059237336, + -824.0305850365412, + -1084.4087008336776, + 166.80961317286776, 5000, 5000, 5000, @@ -12470,343 +12722,343 @@ 5000, 5000, 5000, - 1920.478735328616, - -1027.5374840007814, - -841.7783859856762, - -720.6091121234628, - -762.5696014118386, - -920.8665828615708, - 523.8025188630519, + 1920.4800805921395, + -1027.5374103287593, + -841.7782779440302, + -720.6090439639341, + -762.5695851744166, + -920.8665031397567, + 523.8069522020825, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4457091181046, - -1082.741037610204, - -845.2369312311702, - -618.7502935751337, - -515.6079821560508, - -487.81039294923823, - -515.607982156051, - -618.7502935751334, - -845.2369312311699, - -1082.7410376102039, - 1193.445709118104, + 1193.4538604301722, + -1082.7409201940784, + -845.236994828215, + -618.7502784492633, + -515.6079322339034, + -487.8103481057894, + -515.6078739399395, + -618.7501331955203, + -845.2367425831924, + -1082.7411439123064, + 1193.4380658040127, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8025188630517, - -920.8665828615713, - -762.5696014118388, - -588.2376166646586, - -623.3279886983349, - -749.7410210177677, - -738.3080477705823, + 523.8068333200797, + -920.8665238368771, + -762.5695070769692, + -588.2377961987273, + -623.3281943007801, + -749.7412173585514, + -738.3072904393707, 5000, 5000, 5000, 5000, 5000, - 155.27779864694116, - -1087.5498417417707, - -859.8071548037601, - -601.1322213402068, - -452.08398246153405, - -384.19790497054396, - -364.873064693031, - -384.19790497054385, - -452.08398246153394, - -601.1322213402069, - -859.8071548037602, - -1087.549841741771, - 155.27779864694116, - 5000, - 5000, - 5000, - 5000, - 5000, - -738.3080477705821, - -749.7410210177677, - -623.327988698335, - -442.956151711528, - -468.582875529235, - -561.8072531402988, - -736.2416944217113, - -739.3276758854083, - 578.7291338214703, - 2101.663223584346, - 424.68411391804295, - -939.594028029397, - -1094.3819852490342, - -852.2316289703587, - -604.2132097341752, - -436.62113588136225, - -340.1421341779557, - -292.94194699068686, - -278.6072150294125, - -292.9419469906869, - -340.14213417795565, - -436.6211358813623, - -604.2132097341754, - -852.2316289703588, - -1094.381985249034, - -939.5940280293977, - 424.6841139180428, - 2101.6632235843454, - 578.72913382147, - -739.3276758854084, - -736.2416944217107, - -561.8072531402985, - -468.582875529235, - -336.1398839682465, - -357.23786795853715, - -429.4788368082211, - -566.3399980162964, - -758.2786961128136, - -928.3863083167936, - -1033.2056882164727, - -1088.426720782504, - -1019.0474069020773, - -835.9463555325129, - -628.0440734817898, - -457.195866112736, - -342.38121686465, - -272.2932844278695, - -234.99717274928943, - -224.15985562405456, - -234.99717274928952, - -272.2932844278695, - -342.3812168646496, - -457.1958661127359, - -628.0440734817901, - -835.9463555325132, - -1019.0474069020776, - -1088.4267207825048, - -1033.2056882164727, - -928.3863083167937, - -758.2786961128131, - -566.339998016296, - -429.4788368082211, - -357.237867958537, - -279.9515483512945, - -298.42985034987566, - -360.33509333901907, - -475.76154341739976, - -632.604316284629, - -770.2463041741322, - -849.00486440107, - -882.5790318554267, - -827.6149423825423, - -686.117936802497, - -524.4495379530706, - -389.86097903483676, - -296.5819813353926, - -236.55864518523975, - -204.17222948345918, - -194.47897963197912, - -204.17222948345915, - -236.5586451852397, - -296.58198133539247, - -389.86097903483665, - -524.44953795307, - -686.1179368024968, - -827.6149423825423, - -882.5790318554267, - -849.0048644010697, - -770.2463041741325, - -632.604316284629, - -475.7615434173999, - -360.33509333901907, - -298.42985034987584, - -228.16732236634374, - -241.09555365705623, - -281.4731523898378, - -349.1234542113232, - -439.7910629698621, - -532.7817321227284, - -593.0066569379084, - -598.4809058689459, - -548.4382677440909, - -463.59711691107543, - -374.21703456348666, - -296.91287687616574, - -236.06213594286433, - -195.469590700105, - -171.90234232892217, - -163.505878639071, - -171.90234232892215, - -195.46959070010487, - -236.0621359428643, - -296.9128768761657, - -374.2170345634866, - -463.59711691107543, - -548.438267744091, - -598.480905868946, - -593.0066569379082, - -532.7817321227285, - -439.7910629698619, - -349.12345421132306, - -281.47315238983794, - -241.09555365705626, - -242.0460372018426, - -255.9148614876197, - -299.98977656285945, - -377.1487702087124, - -482.502034244204, - -590.1355085692451, - -661.7025794507524, - -668.4057474746152, - -608.628700445427, - -509.80167735317525, - -405.80169815627437, - -317.6104712749491, - -250.5535289041156, - -205.29989727080815, - -179.9104523555736, - -172.46779403692372, - -179.9104523555736, - -205.29989727080812, - -250.5535289041155, - -317.61047127494896, - -405.80169815627437, - -509.80167735317525, - -608.628700445427, - -668.405747474615, - -661.7025794507521, - -590.1355085692452, - -482.502034244204, - -377.1487702087123, - -299.9897765628593, - -255.91486148761976, - -283.0527443613098, - -301.38830574295406, - -362.0295327537214, - -474.69183986382376, - -628.9479362932359, - -763.7852493557357, - -842.0205241242797, - -876.1237887327644, - -821.7043217634781, - -681.8814070384302, - -521.6442855306213, - -389.22256751843196, - -296.6027700941537, - -237.2859202896231, - -205.72825272931533, - -196.30187786879404, - -205.72825272931533, - -237.28592028962314, - -296.6027700941537, - -389.2225675184321, - -521.6442855306217, - -681.8814070384303, - -821.7043217634781, - -876.1237887327644, - -842.0205241242795, - -763.7852493557355, - -628.947936293236, - -474.6918398638238, - -362.02953275372124, - -301.38830574295383, - -352.54532195043635, - -380.03635112545226, - -476.6448736225444, - -643.0542219209832, - -536.3416172295949, - 1432.3873972815443, - 3924.75850958631, - 1781.5076320263088, - -457.9905134203798, - -940.9823861671206, - -767.4677335480648, - -543.093909555889, - -387.32954079508164, - -297.59132037738397, - -251.91539091692252, - -237.70230075785426, - -251.9153909169225, - -297.59132037738397, - -387.32954079508175, - -543.0939095558891, - -767.4677335480648, - -940.9823861671202, - -457.99051342037933, - 1781.5076320263088, - 3924.7585095863105, - 1432.3873972815443, - -536.3416172295949, - -643.0542219209834, - -476.64487362254425, - -380.0363511254522, - -443.417042871843, - -486.58750756320086, - -632.6847502296301, - -540.0198846856408, - 5000, - 5000, - 5000, - 5000, - 5000, - 1062.6761715504285, - -1013.7802813466474, - -809.3080983743699, - -544.3200304220602, - -391.0942474014108, - -320.51606068270996, - -299.1617175331558, - -320.5160606827102, - -391.09424740141077, - -544.3200304220602, - -809.3080983743696, - -1013.7802813466474, - 1062.6761715504279, + 155.28321588010553, + -1087.5496976982588, + -859.8075422011651, + -601.1324509864608, + -452.08412699067435, + -384.1980130477435, + -364.87317480581504, + -384.197974411409, + -452.08403614086967, + -601.1322829997692, + -859.8069787949859, + -1087.5498137914806, + 155.2787492248383, + 5000, + 5000, + 5000, + 5000, + 5000, + -738.3073193922323, + -749.7412321247065, + -623.3281311320801, + -442.9562713774934, + -468.58302437643914, + -561.8074226931976, + -736.2419139822754, + -739.3262707470508, + 578.742079248179, + 2101.6887769094396, + 424.6946024150497, + -939.5923111837211, + -1094.38226742945, + -852.2321170026312, + -604.2135230634935, + -436.621295722896, + -340.1422271865591, + -292.94200822734933, + -278.6072769557974, + -292.94198144316726, + -340.14216858512316, + -436.6211930257354, + -604.2131364935946, + -852.2316324273521, + -1094.3820971405637, + -939.5929853080518, + 424.6934547803924, + 2101.688581977561, + 578.7432589029652, + -739.3261892864392, + -736.2419249362725, + -561.8074343754394, + -468.5829783572235, + -336.1397895898358, + -357.23778634346206, + -429.4787270445025, + -566.3399055928446, + -758.2785631555197, + -928.3861638704312, + -1033.2055975453577, + -1088.4266254567387, + -1019.0472887668824, + -835.9462196955965, + -628.0440309353276, + -457.19582922952384, + -342.381167075073, + -272.2932347019836, + -234.9971191795796, + -224.15980877841278, + -234.9970984933161, + -272.2931919601126, + -342.3810960768128, + -457.19556806479386, + -628.0436875741153, + -835.9459788598257, + -1019.0471443316384, + -1088.4266491420608, + -1033.2056702083494, + -928.3862502011438, + -758.2786337049582, + -566.3399158273638, + -429.4787375958392, + -357.23775197733937, + -279.9515483179419, + -298.4298674490823, + -360.3351089181134, + -475.76162057459607, + -632.6044202418495, + -770.2463814349873, + -849.0049193748619, + -882.5791492989614, + -827.6151331770164, + -686.1180920145529, + -524.4496886350861, + -389.8610671347201, + -296.5820157048622, + -236.5586571009578, + -204.17222660749263, + -194.4789801314402, + -204.1722087329351, + -236.55862076509953, + -296.58195708915576, + -389.8608566633612, + -524.4494154643917, + -686.1179019420974, + -827.6150197931545, + -882.5791631399027, + -849.0049713980209, + -770.2464538905534, + -632.6044814438994, + -475.7616320954177, + -360.33511949197793, + -298.4298387291329, + -228.16730604818247, + -241.0955448723313, + -281.47312847268563, + -349.1234433528675, + -439.79104439938396, + -532.781707701329, + -593.0066409528312, + -598.4808826216577, + -548.4382619641183, + -463.5971053134678, + -374.21705228689933, + -296.9128854694023, + -236.06212991569132, + -195.46958007318165, + -171.9023259700894, + -163.50586675262062, + -171.9023129299781, + -195.4695552977074, + -236.0620923139894, + -296.91275870574805, + -374.2168966898424, + -463.59699764815065, + -548.438183795123, + -598.4808756952611, + -593.0066718675079, + -532.7817606389467, + -439.7910833529629, + -349.12345289211765, + -281.47313754118517, + -241.09552505086955, + -242.04604933797904, + -255.91488438234137, + -299.98979205624636, + -377.1488184852462, + -482.5020999432164, + -590.1355977040263, + -661.7027032652688, + -668.4058719062826, + -608.628835637022, + -509.8017800154899, + -405.8018052173367, + -317.6105424395543, + -250.5535659097193, + -205.2999181984929, + -179.91046155021192, + -172.4678061466662, + -179.91044752023458, + -205.29989112429564, + -250.55352415239602, + -317.6103995332773, + -405.80162709812333, + -509.80165515672354, + -608.628743979136, + -668.4058639573741, + -661.7027392631297, + -590.1356593981084, + -482.50214385127856, + -377.1488281483885, + -299.98980124848595, + -255.91486281964416, + -283.0527267769722, + -301.38829743915744, + -362.0294964059676, + -474.6918112065206, + -628.9478871944299, + -763.785247547263, + -842.020604203771, + -876.1238296235164, + -821.7043374754784, + -681.8814125758686, + -521.644349294404, + -389.22261531107404, + -296.6027905699425, + -237.28593107597789, + -205.72825429414857, + -196.30188434180127, + -205.7282366869845, + -237.2858952680152, + -296.6027328481031, + -389.2224079846848, + -521.6440802281917, + -681.8812251616763, + -821.7042253323839, + -876.1238436435335, + -842.0206559437232, + -763.7853180411098, + -628.947946875025, + -474.6918222943666, + -362.0295068538345, + -301.38826904010807, + -352.5452455062128, + -380.0362903161762, + -476.6447733394997, + -643.0541414352102, + -536.3418236958173, + 1432.3847044511833, + 3924.753934152997, + 1781.5053916188558, + -457.9904253124649, + -940.9823598955322, + -767.4677990812414, + -543.0939539557924, + -387.3295406840333, + -297.59130730982986, + -251.91536806821588, + -237.70228475726987, + -251.91534247862586, + -297.5912517224444, + -387.32944371017004, + -543.0935937786699, + -767.4673630948897, + -940.9823372631942, + -457.99178564965064, + 1781.5036651007626, + 3924.7539742811996, + 1432.3865075393828, + -536.3416666802866, + -643.0541573009413, + -476.64478670358693, + -380.0362480373045, + -443.41702353631604, + -486.5875092527397, + -632.6846884494458, + -540.0197160321138, + 5000, + 5000, + 5000, + 5000, + 5000, + 1062.6757331816445, + -1013.7802727687083, + -809.3082100900832, + -544.3200689257787, + -391.0942613496499, + -320.5160593849409, + -299.1617254905212, + -320.5160187642718, + -391.09416640331693, + -544.3198934649033, + -809.3076287764903, + -1013.7805193353672, + 1062.6682978871468, 5000, 5000, 5000, 5000, 5000, - -540.0198846856405, - -632.6847502296303, - -486.58750756320086, - -535.8476000411606, - -594.7635279210881, - -769.142374630761, - 1408.093310589836, + -540.019744842541, + -632.684707891081, + -486.58744666616707, + -535.8475439133522, + -594.7634984462364, + -769.1422624026653, + 1408.0945630490037, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.929881843959, - -1016.7539032098205, - -770.3126112815543, - -525.1919222204612, - -409.2212357530409, - -377.5819433249767, - -409.22123575304107, - -525.1919222204614, - -770.3126112815543, - -1016.7539032098205, - 1281.929881843959, + 1281.9308817541234, + -1016.7539370845233, + -770.3126241394044, + -525.191909466192, + -409.22120897976146, + -377.5819310420096, + -409.22114342209755, + -525.1917483122403, + -770.3123515410625, + -1016.7541717968609, + 1281.915468628485, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0933105898362, - -769.142374630761, - -594.7635279210882, - -594.3357411391704, - -665.3553895152688, - -846.6678419167561, - 3878.2373493802656, + 1408.0945082270064, + -769.1422926507155, + -594.7634154405036, + -594.3356019963217, + -665.3552897541787, + -846.6676593625918, + 3878.2414650530245, 5000, 5000, 5000, @@ -12814,15 +13066,15 @@ 5000, 5000, 5000, - 1048.4796687076469, - -945.2038552539432, - -685.7658972863018, - -514.132101079035, - -466.81753197134793, - -514.1321010790352, - -685.7658972863019, - -945.2038552539432, - 1048.4796687076464, + 1048.4822582780987, + -945.2039177457525, + -685.7659075352262, + -514.1320655152823, + -466.8175079588286, + -514.1319656427063, + -685.7656670872954, + -945.2039105017166, + 1048.4661900275526, 5000, 5000, 5000, @@ -12830,13 +13082,13 @@ 5000, 5000, 5000, - 3878.237349380265, - -846.6678419167562, - -665.3553895152688, - -597.5547402523455, - -669.8345233686885, - -878.4711125082243, - 1798.854079365558, + 3878.2413902613903, + -846.6677046964634, + -665.3551961507176, + -597.5547305145368, + -669.8345394704601, + -878.4710262872971, + 1798.854922719726, 5000, 5000, 5000, @@ -12845,13 +13097,13 @@ 5000, 5000, 5000, - -454.94706185258383, - -826.3410534290296, - -612.8659622291659, - -550.5261657785654, - -612.8659622291658, - -826.3410534290296, - -454.9470618525836, + -454.9468579583467, + -826.3411345308406, + -612.8659914760128, + -550.5262083708454, + -612.8658551182253, + -826.340878805838, + -454.94970514172854, 5000, 5000, 5000, @@ -12860,13 +13112,13 @@ 5000, 5000, 5000, - 1798.8540793655584, - -878.4711125082245, - -669.8345233686888, - -545.664061114462, - -607.8146219264162, - -822.4658053337831, - -441.329542787834, + 1798.8548638983293, + -878.4710860900574, + -669.834450479803, + -545.6640508259545, + -607.8146341713204, + -822.4657272878774, + -441.32923229840515, 5000, 5000, 5000, @@ -12875,13 +13127,13 @@ 5000, 5000, 5000, - 1803.4779480254379, - -879.4068567924921, - -671.0570366846083, - -599.0335904660675, - -671.0570366846083, - -879.406856792492, - 1803.4779480254379, + 1803.4792694087846, + -879.4069323394343, + -671.0570588770869, + -599.0336265009934, + -671.0568988866725, + -879.4068124621061, + 1803.465686721538, 5000, 5000, 5000, @@ -12890,14 +13142,14 @@ 5000, 5000, 5000, - -441.32954278783353, - -822.4658053337832, - -607.8146219264163, - -460.20622635454924, - -508.09827264943823, - -681.3740672167448, - -940.1622196549382, - 1105.671635802921, + -441.3292945593875, + -822.4657951686039, + -607.8145628326614, + -460.2061489275929, + -508.0982093300897, + -681.373937187098, + -940.1621320809417, + 1105.6711080733248, 5000, 5000, 5000, @@ -12905,13 +13157,13 @@ 5000, 5000, 5000, - 3902.937096460469, - -843.6564156884696, - -662.1399955273827, - -590.9990230094809, - -662.1399955273832, - -843.6564156884695, - 3902.9370964604695, + 3902.941960537322, + -843.656390402808, + -662.1399150212568, + -590.9989466557223, + -662.1397552218756, + -843.656383275219, + 3902.9173838890074, 5000, 5000, 5000, @@ -12919,345 +13171,345 @@ 5000, 5000, 5000, - 1105.6716358029212, - -940.1622196549386, - -681.3740672167453, - -508.09827264943834, - -371.26869873494707, - -403.55438912694757, - -520.741756873997, - -768.3359653029951, - -1017.371966706451, - 1239.9816758917682, + 1105.674095812022, + -940.1622296292069, + -681.374003079156, + -508.0981606034369, + -371.26872153232785, + -403.5544199410019, + -520.741747631319, + -768.3359931067585, + -1017.3719343300809, + 1239.9805765070703, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.8164718131598, - -764.8575728845137, - -588.4102855798552, - -528.7848224259318, - -588.4102855798552, - -764.857572884514, - 1399.8164718131604, + 1399.8200858875703, + -764.8576310313575, + -588.41030507829, + -528.7848447546952, + -588.4101685394717, + -764.8575037971601, + 1399.8087472468758, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9816758917686, - -1017.371966706451, - -768.3359653029954, - -520.7417568739968, - -403.55438912694757, - -294.4536665616804, - -316.050836456185, - -387.85887507360343, - -543.1896211626372, - -811.0033754803087, - -1019.9046145044027, - 1092.9045607580204, + 1239.988206924035, + -1017.3719213832969, + -768.336092322186, + -520.7418025537385, + -403.55439003670523, + -294.4536353175631, + -316.05080363284384, + -387.85879618308485, + -543.1895237292218, + -811.0032101405408, + -1019.904671818577, + 1092.902164271161, 5000, 5000, 5000, 5000, 5000, - -542.2420289354059, - -628.4379714222212, - -480.3806818669988, - -436.0940234801704, - -480.38068186699854, - -628.437971422221, - -542.2420289354056, - 5000, - 5000, - 5000, - 5000, - 5000, - 1092.90456075802, - -1019.9046145044025, - -811.0033754803087, - -543.1896211626371, - -387.85887507360354, - -316.0508364561851, - -234.47503666407098, - -249.56172271941912, - -295.6048768673718, - -386.46619293803684, - -544.3087138179911, - -771.8460053921372, - -944.5605104852675, - -437.2969633350924, - 1825.5076455726048, - 3864.3249228591812, - 1377.92352886468, - -545.6360363373893, - -643.4526546157198, - -473.9502242603412, - -375.11594583518655, - -346.2460096312721, - -375.11594583518655, - -473.9502242603412, - -643.45265461572, - -545.6360363373894, - 1377.9235288646807, - 3864.324922859182, - 1825.5076455726048, - -437.29696333509213, - -944.5605104852674, - -771.8460053921372, - -544.3087138179909, - -386.466192938037, - -295.6048768673718, - -249.5617227194191, - -194.4789742990699, - -204.1722239960067, - -236.55863901821735, - -296.58197394376333, - -389.8609701556146, - -524.4495284037354, - -686.1179273899178, - -827.6149276851822, - -882.5790049320088, - -849.0048415801513, - -770.2463030036062, - -632.6043265527612, - -475.76155418531135, - -360.33510282194624, - -298.42985926441855, - -279.951557155404, - -298.42985926441844, - -360.33510282194624, - -475.7615541853116, - -632.6043265527613, - -770.2463030036059, - -849.004841580151, - -882.5790049320087, - -827.614927685182, - -686.1179273899178, - -524.4495284037354, - -389.8609701556146, - -296.5819739437633, - -236.5586390182174, - -204.17222399600675, - -171.3400305649241, - -179.178050266732, - -204.63573766753635, - -250.93582943203495, - -318.5051753641442, - -407.0038753175466, - -512.4273016598063, - -612.278813554199, - -672.7497282000746, - -666.2379767333528, - -593.5088736982735, - -484.40449493205057, - -378.0155008021964, - -299.6001261310793, - -254.74040827545343, - -240.15762036805953, - -254.7404082754534, - -299.60012613107943, - -378.0155008021962, - -484.40449493205057, - -593.5088736982733, - -666.2379767333528, - -672.7497282000747, - -612.2788135541989, - -512.4273016598062, - -407.0038753175468, - -318.5051753641441, - -250.93582943203512, - -204.63573766753635, - -179.17805026673196, - -163.50587782748775, - -171.9023413973871, - -195.46958936922414, - -236.06213375762516, - -296.9128733420588, - -374.2170292246245, - -463.59710984981695, - -548.4382598152271, - -598.4808985684883, - -593.0066515233002, - -532.7817289715638, - -439.7910616642024, - -349.1234541606737, - -281.4731530633608, - -241.09555467677774, - -228.16732350891405, - -241.0955546767777, - -281.47315306336066, - -349.12345416067365, - -439.7910616642025, - -532.7817289715638, - -593.0066515233005, - -598.4808985684883, - -548.4382598152268, - -463.59710984981695, - -374.21702922462464, - -296.9128733420587, - -236.06213375762513, - -195.46958936922414, - -171.9023413973871, - -172.4677931318545, - -179.9104512397576, - -205.2998954646655, - -250.55352574611595, - -317.61046581309864, - -405.8016892348802, - -509.8016639860932, - -608.6286827502838, - -668.405727298526, - -661.7025599598495, - -590.1354925813476, - -482.50202319032684, - -377.1487636139365, - -299.9897729677445, - -255.91485947305227, - -242.04603565186267, - -255.91485947305216, - -299.9897729677446, - -377.14876361393675, - -482.5020231903268, - -590.1354925813475, - -661.70255995985, - -668.4057272985262, - -608.628682750284, - -509.8016639860933, - -405.80168923488026, - -317.6104658130987, - -250.55352574611595, - -205.29989546466555, - -179.91045123975755, - -196.3018776413229, - -205.7282525114622, - -237.28592014727144, - -296.60277006814374, - -389.2225677366377, - -521.644286067677, - -681.8814080128412, - -821.7043231505029, - -876.1237903796502, - -842.0205257259506, - -763.7852505823658, - -628.9479370353141, - -474.6918400654347, - -362.02953253128976, - -301.38830523289494, - -283.05274375716186, - -301.3883052328951, - -362.02953253129, - -474.69184006543446, - -628.9479370353146, - -763.7852505823663, - -842.020525725951, - -876.1237903796501, - -821.7043231505032, - -681.8814080128413, - -521.6442860676772, - -389.22256773663776, - -296.6027700681438, - -237.28592014727158, - -205.7282525114623, - -237.70230075239567, - -251.91539088591304, - -297.59132026142504, - -387.3295405081715, - -543.0939090112513, - -767.46773264562, - -940.9823849945609, - -457.99051205444545, - 1781.5076333247516, - 3924.758510621976, - 1432.3873979843786, - -536.3416168306095, - -643.0542217510142, - -476.6448736765287, - -380.0363512571431, - -352.5453221569992, - -380.03635125714294, - -476.6448736765288, - -643.0542217510144, - -536.3416168306095, - 1432.3873979843784, - 3924.7585106219763, - 1781.507633324752, - -457.9905120544453, - -940.9823849945608, - -767.4677326456201, - -543.0939090112513, - -387.3295405081717, - -297.5913202614251, - -251.91539088591307, - -299.1617173238507, - -320.5160604482704, - -391.09424706852667, - -544.3200299396754, - -809.3080977260717, - -1013.7802805364317, - 1062.6761724655685, - 5000, - 5000, - 5000, - 5000, - 5000, - -540.0198845267784, - -632.6847501705353, - -486.58750754966155, - -443.417042877459, - -486.58750754966155, - -632.6847501705352, - -540.0198845267786, + -542.2420908918541, + -628.4379445861877, + -480.380639421841, + -436.0939915886258, + -480.38054032020636, + -628.437742944476, + -542.2432818214565, + 5000, + 5000, + 5000, + 5000, + 5000, + 1092.9093501139037, + -1019.9044727286041, + -811.0034149324355, + -543.1895962916678, + -387.8588370498248, + -316.0507859215252, + -234.47501103111048, + -249.5616970428393, + -295.60482751797355, + -386.466148377415, + -544.3086466219714, + -771.8458918850953, + -944.5604476999066, + -437.296763695377, + 1825.5059482123108, + 3864.321491661421, + 1377.923169569883, + -545.6360792029773, + -643.4526563977163, + -473.9501958288093, + -375.11589561719285, + -346.24596163713517, + -375.11583159116304, + -473.95004745380203, + -643.4524928067017, + -545.6375392313099, + 1377.9159718090546, + 3864.3210878076316, + 1825.5110111282427, + -437.2953488106731, + -944.560415997155, + -771.8461165962894, + -544.308782739543, + -386.46619534400736, + -295.60485693980905, + -249.56168591690943, + -194.47898653604295, + -204.17223732354654, + -236.55864174764363, + -296.58199380756713, + -389.8610027704527, + -524.4495720777909, + -686.1180502422059, + -827.6150958780223, + -882.5791472104503, + -849.004972963982, + -770.2464706228196, + -632.6044723014421, + -475.7616334058473, + -360.3351357497085, + -298.4298640645006, + -279.9515599337574, + -298.429822722961, + -360.3350443810269, + -475.761487261827, + -632.6041316140612, + -770.246247759036, + -849.0048856824513, + -882.5791456667112, + -827.6151968785147, + -686.1182102744477, + -524.4497161698798, + -389.861085082132, + -296.5820255471018, + -236.55866393226833, + -204.17222978375668, + -171.34001217146763, + -179.17803055990333, + -204.63570245532702, + -250.93579333479533, + -318.50512443775585, + -407.0037997267734, + -512.4272378764331, + -612.2787554646195, + -672.7496485651866, + -666.2379153786835, + -593.5088659359144, + -484.4044937576425, + -378.01548932758175, + -299.60010850216366, + -254.7403816050137, + -240.15759571297016, + -254.74035099320264, + -299.6000446454309, + -378.0153915021711, + -484.4042512274289, + -593.5086570900766, + -666.2378476439329, + -672.7496931910919, + -612.2788393040968, + -512.427344939218, + -407.0038951013703, + -318.50518258330334, + -250.93581779913987, + -204.63572071134257, + -179.1780244331129, + -163.50585753860219, + -171.90231967746854, + -195.46955365405626, + -236.0620984119593, + -296.91282762028885, + -374.21696772155116, + -463.59706496831797, + -548.4382261589258, + -598.4808501682708, + -593.0066166333665, + -532.7817349385873, + -439.7910677596507, + -349.12344709487576, + -281.4731379470399, + -241.0955296495411, + -228.16729985587477, + -241.09550211313, + -281.4730816551315, + -349.1233628332471, + -439.7908624795653, + -532.7815595320119, + -593.0065598941, + -598.4808864196808, + -548.4382959932584, + -463.5971563024117, + -374.21705021974367, + -296.9128793217048, + -236.062120869903, + -195.46957072579343, + -171.9023140524301, + -172.46777498391944, + -179.91043267447915, + -205.29986439656935, + -250.55350033732464, + -317.6104376479171, + -405.801656427895, + -509.80166923023677, + -608.6287189290624, + -668.4057550764002, + -661.7026019395594, + -590.1355687883329, + -482.50207962089706, + -377.1487874461858, + -299.9897763776708, + -255.9148470951628, + -242.0460233943466, + -255.91481685810612, + -299.9897133897083, + -377.14869112311743, + -482.50184065841324, + -590.135362815459, + -661.7025348879184, + -668.4057985973207, + -608.6288011509904, + -509.80177476905504, + -405.80175049659164, + -317.61049517766054, + -250.5535247078958, + -205.29988255928353, + -179.91042659529563, + -196.3018712605948, + -205.72824668033397, + -237.28590130909905, + -296.60276482839095, + -389.2225721361693, + -521.6443025795655, + -681.8814980108458, + -821.7044075677144, + -876.1237582733916, + -842.0204999716142, + -763.7853655299642, + -628.9480822992058, + -474.69192882607723, + -362.0295770317127, + -301.3883240532944, + -283.05276146778084, + -301.3882834815205, + -362.02948746078454, + -474.69178578229315, + -628.9477489764381, + -763.7851470866635, + -842.0204114587531, + -876.1237551476047, + -821.704506831564, + -681.8816550769785, + -521.6444439926059, + -389.22265316139857, + -296.60279617190815, + -237.2859233924816, + -205.728239139378, + -237.7022590543724, + -251.9153482312852, + -297.59125222487523, + -387.3294753343249, + -543.093823495981, + -767.4675955650382, + -940.9820094132614, + -457.98787092339825, + 1781.5132900699932, + 3924.761699864884, + 1432.3889281657341, + -536.3414575838093, + -643.0542460505548, + -476.64487005907307, + -380.03631993038726, + -352.5452916989081, + -380.03625713396775, + -476.64472448708017, + -643.0540874041857, + -536.342956932786, + 1432.3815776487802, + 3924.761463807024, + 1781.5184123724607, + -457.98650223565545, + -940.9819854213468, + -767.4678169630444, + -543.0939576372833, + -387.32952183307845, + -297.5912815657858, + -251.91533737655794, + -299.16161204861635, + -320.51595392495113, + -391.0940958281882, + -544.319862821272, + -809.3078715164532, + -1013.7801464738468, + 1062.67927873214, + 5000, + 5000, + 5000, + 5000, + 5000, + -540.0198065539566, + -632.6846835553362, + -486.58740689714654, + -443.41694503834407, + -486.58730920072657, + -632.6844851027471, + -540.0210167439798, 5000, 5000, 5000, 5000, 5000, - 1062.6761724655685, - -1013.7802805364316, - -809.3080977260714, - -544.3200299396756, - -391.09424706852667, - -320.5160604482706, - -377.5819431664876, - -409.2212355923905, - -525.1919220700421, - -770.3126111256927, - -1016.7539030237449, - 1281.9298820323754, + 1062.6863007717664, + -1013.7799430961732, + -809.3080732278285, + -544.319934681706, + -391.0941365528121, + -320.51593648274934, + -377.5818184625282, + -409.22110254505543, + -525.1916859791761, + -770.3122978108581, + -1016.7539409563999, + 1281.920146792047, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0933107841363, - -769.1423744149844, - -594.763527680177, - -535.8475998009428, - -594.7635276801773, - -769.1423744149844, - 1408.093310784137, + 1408.0937016548435, + -769.1423242265128, + -594.7634697996406, + -535.8475635841513, + -594.7633343710024, + -769.142198851322, + 1408.0822874190276, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.929882032376, - -1016.7539030237451, - -770.312611125693, - -525.1919220700421, - -409.2212355923904, - -466.8175323125232, - -514.132101405551, - -685.7658976360748, - -945.2038555654248, - 1048.4796683418497, + 1281.9279764412663, + -1016.753919174931, + -770.3123959200205, + -525.1917406731385, + -409.2210729927015, + -466.81732326353887, + -514.1318843553773, + -685.765538396397, + -945.2036849793526, + 1048.4719786935623, 5000, 5000, 5000, @@ -13265,13 +13517,13 @@ 5000, 5000, 5000, - 3878.237349097309, - -846.6678421818043, - -665.3553896954173, - -594.3357413407377, - -665.3553896954171, - -846.6678421818045, - 3878.2373490973087, + 3878.242321066233, + -846.6677098833087, + -665.3552442602286, + -594.3356139823259, + -665.3550849334736, + -846.6677019253884, + 3878.2178564222777, 5000, 5000, 5000, @@ -13279,14 +13531,14 @@ 5000, 5000, 5000, - 1048.4796683418492, - -945.2038555654242, - -685.7658976360746, - -514.1321014055509, - -550.5261655783011, - -612.8659620016324, - -826.3410532041121, - -454.94706160123525, + 1048.4749594460577, + -945.2037812526604, + -685.7656039951969, + -514.1318359197808, + -550.5260015817116, + -612.8658350227088, + -826.3408663171447, + -454.94602019501434, 5000, 5000, 5000, @@ -13295,13 +13547,13 @@ 5000, 5000, 5000, - 1798.8540795459799, - -878.4711123779776, - -669.8345232392043, - -597.5547401575242, - -669.8345232392038, - -878.471112377978, - 1798.8540795459799, + 1798.8524750843924, + -878.471011167413, + -669.8343333967905, + -597.5545659829711, + -669.8341730195965, + -878.4708908702866, + 1798.8389311298333, 5000, 5000, 5000, @@ -13310,13 +13562,13 @@ 5000, 5000, 5000, - -454.9470616012355, - -826.3410532041119, - -612.8659620016325, - -599.0335904547479, - -671.057036686193, - -879.4068567793038, - 1803.4779480349187, + -454.94608263157124, + -826.3409339637988, + -612.8657638275721, + -599.0335682513536, + -671.0570473378583, + -879.406777951634, + 1803.478825641829, 5000, 5000, 5000, @@ -13325,13 +13577,13 @@ 5000, 5000, 5000, - -441.3295427733451, - -822.4658053124916, - -607.814621915665, - -545.6640610973008, - -607.8146219156652, - -822.4658053124913, - -441.3295427733448, + -441.33109945370387, + -822.4657702849236, + -607.8145496838497, + -545.6640186179773, + -607.8144124279725, + -822.4655139625155, + -441.33399413566264, 5000, 5000, 5000, @@ -13340,13 +13592,13 @@ 5000, 5000, 5000, - 1803.4779480349187, - -879.4068567793036, - -671.0570366861928, - -590.9990229147014, - -662.1399954873207, - -843.656415670326, - 3902.9370964564064, + 1803.4787649020873, + -879.4068376655658, + -671.0569582866252, + -590.9989060835956, + -662.1399252987854, + -843.6562821373502, + 3902.9412066056443, 5000, 5000, 5000, @@ -13354,15 +13606,15 @@ 5000, 5000, 5000, - 1105.671636038166, - -940.1622194461138, - -681.3740670067734, - -508.0982724440019, - -460.2062261598349, - -508.0982724440019, - -681.3740670067733, - -940.1622194461133, - 1105.671636038166, + 1105.6686490696263, + -940.1624361693146, + -681.3739958596773, + -508.0981707737256, + -460.20614280918846, + -508.09806989570404, + -681.3737535228961, + -940.1624378086902, + 1105.6522548222943, 5000, 5000, 5000, @@ -13370,343 +13622,343 @@ 5000, 5000, 5000, - 3902.9370964564064, - -843.656415670326, - -662.1399954873209, - -528.7848218938103, - -588.4102850281789, - -764.8575722218121, - 1399.8164726458517, + 3902.9411316586006, + -843.6563275316837, + -662.1398314469311, + -528.7846925182542, + -588.4102137725731, + -764.8574595385048, + 1399.8222794510234, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9816767545972, - -1017.3719660373339, - -768.335964802213, - -520.7417564772453, - -403.55438882063083, - -371.268698453507, - -403.55438882063083, - -520.7417564772454, - -768.3359648022131, - -1017.3719660373339, - 1239.9816767545976, + 1239.9867877680115, + -1017.3721073765627, + -768.3360274370508, + -520.7417274931623, + -403.55432157807627, + -371.2686394857, + -403.5542552126478, + -520.7415644096056, + -768.3357524548136, + -1017.3723357176904, + 1239.971741128652, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.816472645852, - -764.8575722218122, - -588.4102850281786, - -436.09402374893136, - -480.3806821113139, - -628.4379716609715, - -542.2420291648954, + 1399.8222249512294, + -764.8574899999246, + -588.4101303595138, + -436.094113700524, + -480.38082095964785, + -628.4381188839408, + -542.240646806396, 5000, 5000, 5000, 5000, 5000, - 1092.9045607017733, - -1019.9046145502343, - -811.003375513519, - -543.1896211700911, - -387.85887511894816, - -316.0508365004683, - -294.45366662459315, - -316.05083650046845, - -387.8588751189482, - -543.1896211700911, - -811.0033755135187, - -1019.9046145502344, - 1092.9045607017738, - 5000, - 5000, - 5000, - 5000, - 5000, - -542.2420291648948, - -628.4379716609717, - -480.38068211131406, - -346.24600927118917, - -375.11594547061435, - -473.9502238377198, - -643.452654095752, - -545.63603565512, - 1377.9235298212548, - 3864.324924162685, - 1825.5076472327987, - -437.29696144009586, - -944.5605085793943, - -771.8460036461048, - -544.3087124085054, - -386.46619186828775, - -295.6048760712103, - -249.5617220927073, - -234.47503609641427, - -249.56172209270733, - -295.60487607121036, - -386.46619186828775, - -544.3087124085052, - -771.8460036461047, - -944.5605085793942, - -437.29696144009597, - 1825.5076472327983, - 3864.3249241626854, - 1377.9235298212552, - -545.6360356551202, - -643.4526540957522, - -473.9502238377199, - -375.11594547061424, - -279.9515553446044, - -298.42985722042465, - -360.33510001944495, - -475.76154999894914, - -632.6043203945744, - -770.2462948752005, - -849.0048323248521, - -882.5789958961159, - -827.6149200150927, - -686.1179215957634, - -524.4495243794412, - -389.86096754552955, - -296.5819723310324, - -236.55863799905813, - -204.17222328924575, - -194.47897368870053, - -204.17222328924584, - -236.55863799905805, - -296.5819723310323, - -389.8609675455295, - -524.4495243794411, - -686.1179215957632, - -827.6149200150926, - -882.5789958961157, - -849.0048323248519, - -770.2462948752003, - -632.6043203945744, - -475.76154999894896, - -360.33510001944495, - -298.4298572204246, - -240.15762138249764, - -254.7404092108582, - -299.60012690982666, - -378.0155013678722, - -484.40449525186705, - -593.5088737239114, - -666.2379764466472, - -672.7497276524251, - -612.2788128878218, - -512.427300962198, - -407.0038746686685, - -318.50517478166506, - -250.93582891814228, - -204.63573724690463, - -179.17804988892505, - -171.3400301888692, - -179.17804988892502, - -204.63573724690463, - -250.93582891814216, - -318.5051747816649, - -407.00387466866846, - -512.4273009621983, - -612.2788128878219, - -672.7497276524252, - -666.2379764466469, - -593.5088737239117, - -484.40449525186705, - -378.01550136787245, - -299.6001269098269, - -254.74040921085813, - -215.45218835676712, - -228.16838779724122, - -263.92641546889786, - -321.22861095442323, - -394.70531595224287, - -466.40495683757877, - -515.0630043809248, - -519.4262978874183, - -480.00806866892316, - -412.43987855223276, - -339.5573035315146, - -275.739734421897, - -223.33394964109837, - -185.1860281542717, - -163.5039240202449, - -157.435187621194, - -163.50392402024474, - -185.1860281542717, - -223.3339496410983, - -275.73973442189686, - -339.5573035315147, - -412.43987855223287, - -480.008068668923, - -519.4262978874183, - -515.0630043809249, - -466.40495683757877, - -394.70531595224304, - -321.2286109544234, - -263.92641546889786, - -228.16838779724142, - -228.16732640496727, - -241.09555773444802, - -281.47315614163307, - -349.1234577771889, - -439.79106650736094, - -532.7817356457037, - -593.0066597210935, - -598.4809071950305, - -548.4382673081652, - -463.59711473645143, - -374.21703137858754, - -296.91287354313266, - -236.06213311047412, - -195.4695885209832, - -171.90234059969384, - -163.50587693715167, - -171.9023405996938, - -195.46958852098322, - -236.06213311047412, - -296.9128735431326, - -374.2170313785875, - -463.5971147364514, - -548.4382673081651, - -598.4809071950306, - -593.0066597210938, - -532.7817356457037, - -439.7910665073609, - -349.12345777718883, - -281.4731561416329, - -241.095557734448, - -263.59193021407873, - -281.3865252625624, - -340.5517285334696, - -450.06014745828793, - -596.7555203747198, - -726.4203725262591, - -794.7793426294116, - -819.6587953232322, - -773.3750962793596, - -645.0198078283038, - -495.6843987970202, - -371.0419734060262, - -282.21326714123506, - -226.32464515028636, - -195.38211765892132, - -184.84766018946715, - -195.38211765892126, - -226.3246451502863, - -282.2132671412352, - -371.04197340602616, - -495.68439879702004, - -645.0198078283038, - -773.3750962793596, - -819.6587953232319, - -794.7793426294116, - -726.4203725262595, - -596.75552037472, - -450.06014745828816, - -340.5517285334696, - -281.38652526256243, - -321.0487390253742, - -349.0236765338486, - -449.7736722730337, - -625.0863157726066, - -597.289163165632, - 764.2964343109766, - 2809.0089201355745, - 1723.815633934411, - -328.7901741566011, - -903.064776337872, - -751.776906010755, - -528.2719003596969, - -371.6580039580337, - -282.1174506661048, - -236.0739665313995, - -223.3480186195251, - -236.07396653139963, - -282.1174506661048, - -371.65800395803376, - -528.2719003596969, - -751.7769060107548, - -903.0647763378723, - -328.7901741566011, - 1723.815633934411, - 2809.008920135575, - 764.2964343109767, - -597.289163165632, - -625.0863157726064, - -449.77367227303375, - -349.0236765338486, - -394.3299579052974, - -439.6050398298199, - -596.5427160596962, - -597.7502805836575, - 5000, - 5000, - 5000, - 5000, - 5000, - 1247.0527532225688, - -1014.2407275991562, - -799.2597860526187, - -528.2893665147864, - -370.41878695867535, - -296.663068497623, - -275.7533976236577, - -296.66306849762293, - -370.4187869586754, - -528.2893665147864, - -799.2597860526188, - -1014.2407275991561, - 1247.0527532225685, + 1092.9120084897615, + -1019.9044774223545, + -811.0037378659108, + -543.1897969872443, + -387.8589591102369, + -316.0508778942264, + -294.4537102449614, + -316.05083663454315, + -387.8588627995062, + -543.1896192410803, + -811.0031485506928, + -1019.904711297056, + 1092.9044455694805, + 5000, + 5000, + 5000, + 5000, + 5000, + -542.2406760318196, + -628.438138616987, + -480.3807579326354, + -346.2460754573727, + -375.1160513433572, + -473.95037616286373, + -643.4528545260503, + -545.6340410537387, + 1377.9413750403912, + 3864.361986531719, + 1825.5250003965339, + -437.2935157635395, + -944.560663270894, + -771.846493080773, + -544.3090176370579, + -386.4663328197543, + -295.60494451459647, + -249.56175512666806, + -234.47506906059127, + -249.56172907046573, + -295.60488809614463, + -386.46623440308457, + -544.3086525933214, + -771.8460517516421, + -944.5606475724202, + -437.29492240930796, + 1825.5232913780935, + 3864.362081446466, + 1377.943139194691, + -545.6338896994318, + -643.4528708905324, + -473.95038965393627, + -375.1160086747872, + -279.95148304417705, + -298.42979552231543, + -360.3350123604978, + -475.76147137667033, + -632.6042102577168, + -770.2461907099803, + -849.00479986215, + -882.5789562054841, + -827.6148334950673, + -686.1178069173161, + -524.4494830228382, + -389.86093431201084, + -296.58193081355995, + -236.55859895269694, + -204.17218087533402, + -194.47893807235397, + -204.17216300078363, + -236.55856261685568, + -296.58187219788437, + -389.86072384076607, + -524.4492098522933, + -686.1176168449347, + -827.614720111142, + -882.5789700463366, + -849.0048518853023, + -770.2462631655806, + -632.6042714597505, + -475.76148289748977, + -360.33502293436027, + -298.4297668023758, + -240.1576102507125, + -254.74040805875262, + -299.6001144543068, + -378.0155144851392, + -484.40451450578433, + -593.508900830824, + -666.2380226517306, + -672.7497628109327, + -612.278857002891, + -512.4273221072176, + -407.00391701303937, + -318.5051978434874, + -250.93582991163083, + -204.63573015944746, + -179.17803529223997, + -171.34001980362044, + -179.17802114331266, + -204.63570280859238, + -250.93578770763048, + -318.505053546307, + -407.0037370959225, + -512.4271956773596, + -612.2787640251211, + -672.7497546378042, + -666.2380591058978, + -593.508963661805, + -484.4045591477088, + -378.01552439041126, + -299.60012370968565, + -254.74038617846665, + -215.45218196551102, + -228.16838851574107, + -263.9264060001116, + -321.22861869721703, + -394.70532843334763, + -466.40497828756924, + -515.0630417162996, + -519.4263338515688, + -480.0081134017544, + -412.4399084712091, + -339.55734546009495, + -275.739758698079, + -223.3339542301999, + -185.18602464901824, + -163.50391314546977, + -157.43518036795678, + -163.50390122904224, + -185.18600251602427, + -223.33392127222496, + -275.7396502928459, + -339.55721557155533, + -412.4398208369228, + -480.0080517274642, + -519.4263285187791, + -515.0630668602475, + -466.40502065062043, + -394.7053611276782, + -321.22862779962855, + -263.9264145029502, + -228.16837082189392, + -228.16733047631945, + -241.09557018285759, + -281.47315677626955, + -349.1234778958561, + -439.79108892178635, + -532.7817647974251, + -593.0067096088619, + -598.4809579489568, + -548.4383353373981, + -463.59716805680944, + -374.2171007472479, + -296.9129206849863, + -236.06215536696868, + -195.46959939627507, + -171.90234210033015, + -163.5058818311051, + -171.90232906021683, + -195.46957462079672, + -236.06211776525987, + -296.9127939213099, + -374.2169451501639, + -463.597060391474, + -548.4382571683936, + -598.4809510225632, + -593.0067405235467, + -532.7818177350534, + -439.79112787537224, + -349.1234874351087, + -281.4731658447708, + -241.09555036139423, + -263.5919162843191, + -281.38651967502426, + -340.5516922086283, + -450.06011048093313, + -596.7554526438475, + -726.4203357993675, + -794.779381379884, + -819.6588097698642, + -773.375091881428, + -645.0197995872101, + -495.68445014258884, + -371.0420128938651, + -282.21328130895836, + -226.32464961800017, + -195.38211249908994, + -184.84765967089783, + -195.38209545108063, + -226.32461518314352, + -282.2132260907978, + -371.0418158575482, + -495.68419527298545, + -645.019622716056, + -773.3749906485317, + -819.6588218077956, + -794.7794260830032, + -726.4204041221917, + -596.7555117071815, + -450.0601223245741, + -340.55170281240504, + -281.3864924798, + -321.04871899993094, + -349.0236710446964, + -449.7736215868132, + -625.0862778314893, + -597.2893251668111, + 764.2946561808377, + 2809.006016178285, + 1723.8137302844182, + -328.7901967435386, + -903.0647789740834, + -751.7769777698844, + -528.2719522877487, + -371.6580111060073, + -282.117445265277, + -236.07395035053105, + -223.348009266695, + -236.07392451340385, + -282.1173894948065, + -371.65791365290863, + -528.2715915221763, + -751.7765453683234, + -903.064801601549, + -328.7916721466581, + 1723.812406680425, + 2809.006415172931, + 764.2959051272965, + -597.2892322010678, + -625.0862963360535, + -449.7736358394686, + -349.0236294066208, + -394.3299192229092, + -439.6050254283098, + -596.5426383797176, + -597.7502276594922, + 5000, + 5000, + 5000, + 5000, + 5000, + 1247.052300816122, + -1014.2407251635719, + -799.2598854356197, + -528.2893892355432, + -370.41878545279224, + -296.6630502707173, + -275.753388794005, + -296.66300835865525, + -370.4186874071307, + -528.2892078145381, + -799.2592805230823, + -1014.2409241444348, + 1247.0443644342918, 5000, 5000, 5000, 5000, 5000, - -597.7502805836575, - -596.542716059696, - -439.60503982981993, - -466.6268193378591, - -531.9685511947093, - -726.2360073661632, - 758.9000915367432, + -597.7502606108428, + -596.54265980216, + -439.6049623877557, + -466.6267796670286, + -531.9685422382084, + -726.2359174784561, + 758.9001583663286, 5000, 5000, 5000, 5000, 5000, 5000, - 873.2902148232563, - -1013.9814992057458, - -751.35260860403, - -495.62222593415737, - -373.8391616383623, - -339.67232819491414, - -373.83916163836267, - -495.6222259341572, - -751.3526086040298, - -1013.9814992057458, - 873.2902148232564, + 873.2907389364789, + -1013.9815287612194, + -751.352595232465, + -495.6221889635269, + -373.83910909401504, + -339.6722913209216, + -373.8390403641695, + -495.6220201323728, + -751.3523111844529, + -1013.9816481895284, + 873.2786401501813, 5000, 5000, 5000, 5000, 5000, 5000, - 758.900091536743, - -726.2360073661632, - -531.9685511947092, - -514.8720773312475, - -592.6119403798742, - -794.7707196322849, - 2796.799790074023, + 758.9001022813183, + -726.2359506507589, + -531.9684576237527, + -514.8720819511788, + -592.6119811272349, + -794.7706639017508, + 2796.801061925644, 5000, 5000, 5000, @@ -13714,15 +13966,15 @@ 5000, 5000, 5000, - 1245.9344225856455, - -902.9628000628292, - -644.7427233437984, - -463.53648552481786, - -412.55267375998784, - -463.53648552481764, - -644.7427233437983, - -902.9628000628294, - 1245.9344225856455, + 1245.937342534443, + -902.9628595909634, + -644.7427547092591, + -463.53647474932546, + -412.5526776845582, + -463.53636881008526, + -644.742502712758, + -902.9628912329878, + 1245.9207628948293, 5000, 5000, 5000, @@ -13730,13 +13982,13 @@ 5000, 5000, 5000, - 2796.799790074023, - -794.7707196322849, - -592.6119403798743, - -519.2262007566507, - -598.2886947630511, - -819.3801697477918, - 1717.56894281598, + 2796.8009877778454, + -794.7707128567491, + -592.6118856744247, + -519.2261624709757, + -598.2886887531009, + -819.3800670599545, + 1717.5689320897175, 5000, 5000, 5000, @@ -13745,13 +13997,13 @@ 5000, 5000, 5000, - -329.65301797652404, - -772.7556237831631, - -548.1793335105702, - -479.6484893754695, - -548.1793335105699, - -772.7556237831627, - -329.653017976524, + -329.6524780184607, + -772.7556591427137, + -548.1793109207412, + -479.6484782113888, + -548.1791655607823, + -772.7553962170663, + -329.6556475729519, 5000, 5000, 5000, @@ -13760,13 +14012,13 @@ 5000, 5000, 5000, - 1717.5689428159808, - -819.3801697477919, - -598.2886947630514, - -479.64848946134873, - -548.1793336462868, - -772.7556239381855, - -329.65301814633614, + 1717.5688559635282, + -819.3801306527434, + -598.288597751647, + -479.6484800238055, + -548.179349560032, + -772.755549836135, + -329.65279476211913, 5000, 5000, 5000, @@ -13775,13 +14027,13 @@ 5000, 5000, 5000, - 1717.5689426127608, - -819.380169910124, - -598.2886949285794, - -519.2262009195858, - -598.2886949285795, - -819.3801699101239, - 1717.568942612761, + 1717.5706794480545, + -819.3801596123237, + -598.288637057682, + -519.226155102949, + -598.2884661905334, + -819.3800297630435, + 1717.5581665804743, 5000, 5000, 5000, @@ -13790,14 +14042,14 @@ 5000, 5000, 5000, - -329.65301814633614, - -772.7556239381855, - -548.1793336462868, - -412.55267374179124, - -463.5364855063715, - -644.7427233207288, - -902.9628000412107, - 1245.9344226215578, + -329.6528861534554, + -772.7556210453664, + -548.179276355793, + -412.55267897361244, + -463.5365023860266, + -644.7426606891308, + -902.9627725437238, + 1245.9336565909794, 5000, 5000, 5000, @@ -13805,13 +14057,13 @@ 5000, 5000, 5000, - 2796.799790182018, - -794.7707195160175, - -592.6119402636665, - -514.8720772365504, - -592.6119402636668, - -794.7707195160176, - 2796.799790182018, + 2796.803953196875, + -794.7707346322967, + -592.6119278666855, + -514.87207386688, + -592.6117570684696, + -794.7706832073053, + 2796.78655410368, 5000, 5000, 5000, @@ -13819,345 +14071,345 @@ 5000, 5000, 5000, - 1245.9344226215578, - -902.9628000412107, - -644.7427233207286, - -463.5364855063716, - -339.6723281514246, - -373.83916158771393, - -495.62222585809434, - -751.3526085177878, - -1013.9814990949085, - 873.2902149633942, + 1245.9362415866942, + -902.9628867963436, + -644.7427286805732, + -463.5364521162532, + -339.6723296120182, + -373.8391727712232, + -495.62219901478943, + -751.3526197870694, + -1013.9814338770822, + 873.2896420493482, 5000, 5000, 5000, 5000, 5000, 5000, - 758.9000917122177, - -726.2360072405965, - -531.9685511210887, - -466.62681927343993, - -531.9685511210887, - -726.2360072405967, - 758.9000917122173, + 758.9027880907039, + -726.2360407246837, + -531.9685403019736, + -466.6268076644353, + -531.9683953737585, + -726.2358720381777, + 758.8952605523975, 5000, 5000, 5000, 5000, 5000, 5000, - 873.2902149633942, - -1013.9814990949086, - -751.3526085177878, - -495.6222258580944, - -373.83916158771376, - -275.75339784573464, - -296.66306873271674, - -370.418787261665, - -528.2893669293223, - -799.2597866123645, - -1014.2407283161888, - 1247.052752281742, + 873.2958222895069, + -1013.981487795915, + -751.3527247365248, + -495.6222546603402, + -373.8391418367346, + -275.753371341366, + -296.6630409610904, + -370.4187128340028, + -528.2892716045029, + -799.2596185614697, + -1014.240727439475, + 1247.051261928045, 5000, 5000, 5000, 5000, 5000, - -597.7502814283985, - -596.5427167455589, - -439.6050404074079, - -394.32995845850877, - -439.6050404074077, - -596.5427167455589, - -597.7502814283988, - 5000, - 5000, - 5000, - 5000, - 5000, - 1247.0527522817415, - -1014.2407283161889, - -799.2597866123642, - -528.2893669293225, - -370.418787261665, - -296.66306873271674, - -223.34801849723002, - -236.0739663979672, - -282.1174505253732, - -371.6580038184584, - -528.2719002382848, - -751.7769058549364, - -903.0647761735542, - -328.79017391119504, - 1723.815634256274, - 2809.0089204851724, - 764.2964347206714, - -597.2891627125205, - -625.0863152603258, - -449.7736717127227, - -349.0236759438285, - -321.0487384530636, - -349.0236759438282, - -449.77367171272283, - -625.0863152603258, - -597.2891627125207, - 764.2964347206715, - 2809.008920485174, - 1723.8156342562736, - -328.7901739111951, - -903.0647761735543, - -751.7769058549364, - -528.2719002382853, - -371.65800381845844, - -282.11745052537304, - -236.07396639796738, - -184.84766002390836, - -195.382117490833, - -226.32464497131735, - -282.21326691819206, - -371.04197312526105, - -495.6843983772157, - -645.0198071622665, - -773.375095252763, - -819.6587939465737, - -794.779341082629, - -726.420371095139, - -596.755519306302, - -450.0601468170487, - -340.55172824015045, - -281.38652518161604, - -263.5919301934815, - -281.38652518161615, - -340.55172824015017, - -450.0601468170486, - -596.7555193063023, - -726.4203710951392, - -794.7793410826291, - -819.6587939465736, - -773.3750952527633, - -645.0198071622666, - -495.6843983772157, - -371.04197312526094, - -282.2132669181921, - -226.32464497131738, - -195.382117490833, - -163.50587665844645, - -171.90234024121102, - -195.46958795469132, - -236.06213220653956, - -296.91287228962966, - -374.2170298659933, - -463.59711329541574, - -548.438266405915, - -598.4809072406803, - -593.0066606719164, - -532.7817370724083, - -439.7910678904051, - -349.1234589302836, - -281.4731571115562, - -241.09555861367122, - -228.1673272358881, - -241.0955586136712, - -281.47315711155653, - -349.12345893028356, - -439.791067890405, - -532.7817370724086, - -593.0066606719163, - -598.4809072406803, - -548.4382664059146, - -463.5971132954158, - -374.2170298659932, - -296.9128722896296, - -236.0621322065395, - -195.46958795469135, - -171.90234024121102, - -157.4351876344068, - -163.503924129322, - -185.18602851920684, - -223.33395050856558, - -275.7397362868534, - -339.5573069547435, - -412.43988411093886, - -480.00807639837154, - -519.426306861455, - -515.0630130408626, - -466.4049636054994, - -394.70532003805624, - -321.2286125122001, - -263.92641518761303, - -228.16838642833454, - -215.4521866187225, - -228.1683864283344, - -263.9264151876132, - -321.2286125121999, - -394.7053200380561, - -466.4049636054994, - -515.0630130408625, - -519.4263068614548, - -480.0080763983716, - -412.43988411093875, - -339.55730695474364, - -275.7397362868533, - -223.33395050856558, - -185.18602851920684, - -163.50392412932197, - -163.50587665844643, - -171.902340241211, - -195.46958795469132, - -236.0621322065396, - -296.91287228962966, - -374.2170298659933, - -463.59711329541574, - -548.4382664059149, - -598.4809072406805, - -593.0066606719162, - -532.7817370724082, - -439.791067890405, - -349.1234589302836, - -281.47315711155625, - -241.0955586136712, - -228.16732723588814, - -241.09555861367124, - -281.4731571115565, - -349.1234589302835, - -439.79106789040503, - -532.7817370724085, - -593.0066606719162, - -598.4809072406803, - -548.4382664059145, - -463.5971132954158, - -374.21702986599325, - -296.91287228962966, - -236.0621322065395, - -195.46958795469138, - -171.90234024121108, - -184.84766002390833, - -195.38211749083305, - -226.3246449713173, - -282.21326691819206, - -371.04197312526105, - -495.68439837721576, - -645.0198071622666, - -773.375095252763, - -819.6587939465737, - -794.7793410826291, - -726.4203710951392, - -596.755519306302, - -450.0601468170487, - -340.5517282401504, - -281.38652518161604, - -263.5919301934814, - -281.3865251816161, - -340.5517282401503, - -450.0601468170486, - -596.7555193063023, - -726.4203710951392, - -794.7793410826289, - -819.6587939465737, - -773.3750952527635, - -645.0198071622667, - -495.68439837721564, - -371.04197312526105, - -282.2132669181921, - -226.3246449713174, - -195.38211749083297, - -223.34801849723, - -236.07396639796718, - -282.1174505253733, - -371.6580038184583, - -528.271900238285, - -751.7769058549362, - -903.0647761735542, - -328.79017391119527, - 1723.815634256274, - 2809.008920485172, - 764.2964347206715, - -597.2891627125205, - -625.0863152603257, - -449.7736717127228, - -349.0236759438285, - -321.0487384530636, - -349.02367594382827, - -449.7736717127228, - -625.0863152603258, - -597.2891627125209, - 764.2964347206714, - 2809.0089204851743, - 1723.815634256274, - -328.79017391119515, - -903.0647761735543, - -751.7769058549363, - -528.2719002382852, - -371.6580038184586, - -282.11745052537293, - -236.07396639796735, - -275.7533978457347, - -296.66306873271674, - -370.4187872616649, - -528.2893669293223, - -799.2597866123645, - -1014.2407283161889, - 1247.052752281742, - 5000, - 5000, - 5000, - 5000, - 5000, - -597.7502814283982, - -596.542716745559, - -439.6050404074079, - -394.3299584585087, - -439.6050404074077, - -596.5427167455589, - -597.7502814283987, + -597.7502248924516, + -596.542659990149, + -439.60496575929966, + -394.3298933437877, + -439.6048622478806, + -596.5424427305095, + -597.7510402272388, + 5000, + 5000, + 5000, + 5000, + 5000, + 1247.058995003084, + -1014.2405348509185, + -799.2598318930418, + -528.2893457154233, + -370.4187538250222, + -296.66302301390925, + -223.34801103227556, + -236.07395829339703, + -282.1174178482484, + -371.6579720650596, + -528.2718418523705, + -751.776794845659, + -903.0646909072186, + -328.78973695682885, + 1723.8156062258959, + 2809.009117923657, + 764.2974241399162, + -597.2890527872678, + -625.0863332619599, + -449.77367188035134, + -349.02365720664017, + -321.04872339343603, + -349.0235924866099, + -449.77352112938536, + -625.0861537476583, + -597.2900633488707, + 764.2922795505384, + 2809.0077943575106, + 1723.8195013821953, + -328.78825368139536, + -903.0646209553065, + -751.7770168393196, + -528.2719777439057, + -371.65801881356606, + -282.1174466416484, + -236.073947517403, + -184.84766076407496, + -195.38211890688672, + -226.32463526006322, + -282.2132703925566, + -371.04198332684285, + -495.6844109326102, + -645.0198809652672, + -773.3751879762202, + -819.658836544861, + -794.7793751234552, + -726.4204680304467, + -596.7556213524268, + -450.06020015538485, + -340.55174540888436, + -281.38651852252127, + -263.5919224059244, + -281.38647888610734, + -340.5516582619577, + -450.0600613045129, + -596.7552999767645, + -726.42026207235, + -794.7793058425069, + -819.6588369633546, + -773.3752784469298, + -645.0200302881939, + -495.68454667996326, + -371.0420611981009, + -282.2133007167928, + -226.3246563591082, + -195.382111593362, + -163.50585830799594, + -171.9023200374784, + -195.46955295161757, + -236.062095462159, + -296.9128206077636, + -374.2169543225781, + -463.59704287896983, + -548.4381953432145, + -598.4808142033337, + -593.0065814449393, + -532.7817062052371, + -439.7910481315875, + -349.1234354183162, + -281.4731313140258, + -241.09552522501997, + -228.16729635639413, + -241.09549768861038, + -281.4730750221208, + -349.12335115669424, + -439.79084285152106, + -532.7815307986791, + -593.0065247056781, + -598.4808504547395, + -548.4382651775403, + -463.5971342130547, + -374.21703682076367, + -296.91287230917635, + -236.06211792010194, + -195.4695700233543, + -171.90231441244015, + -157.4351715840128, + -163.50390717251307, + -185.1859993661976, + -223.33392372003547, + -275.739703631184, + -339.557267864837, + -412.43986762100786, + -480.00807974543795, + -519.4263076804374, + -515.0630270807601, + -466.4050053848127, + -394.7053528493432, + -321.22862489406856, + -263.92641429566044, + -228.16837331008816, + -215.45217409941787, + -228.1683492453193, + -263.92636628671863, + -321.2285553054982, + -394.705187732917, + -466.4048662704466, + -515.0629811162789, + -519.4263343307643, + -480.00813409120406, + -412.43994126800607, + -339.55733654065375, + -275.7397483624194, + -223.33394386696267, + -185.18601526966995, + -163.50390194976006, + -163.5058524618832, + -171.90231449993342, + -195.4695478734587, + -236.06209212172107, + -296.91282156528695, + -374.2169640069076, + -463.5970673427432, + -548.4382360054867, + -598.4808655347687, + -593.0066346140825, + -532.7817512670697, + -439.7910789896235, + -349.12345262151945, + -281.47313983911255, + -241.09552970329153, + -228.16729937028003, + -241.09550216687916, + -281.47308354720104, + -349.12336835988634, + -439.790873709526, + -532.7815758604871, + -593.0065778748174, + -598.4809017861843, + -548.4383058398258, + -463.5971586768435, + -374.21704650510407, + -296.9128732667029, + -236.06211457966396, + -195.46956494519483, + -171.90230887489471, + -184.84764535025835, + -195.38210335858574, + -226.32462048085435, + -282.2132586337364, + -371.0419806272379, + -495.68442746102863, + -645.0199160134181, + -773.3751875553812, + -819.6587459720197, + -794.7793043242693, + -726.4204968652881, + -596.75567703612, + -450.060235097424, + -340.551760752655, + -281.3865244399044, + -263.59192597705993, + -281.38648480348485, + -340.55167360571323, + -450.06009624652836, + -596.7553556604443, + -726.4202909073571, + -794.7792350434805, + -819.6587463904067, + -773.3752780259965, + -645.0200653363404, + -495.6845632084021, + -371.0420584985018, + -282.2132889579722, + -226.32464157989793, + -195.38209604505997, + -223.34798347747255, + -236.073931300204, + -282.11739214099197, + -371.65795111814583, + -528.2718343561701, + -751.7767921927702, + -903.0643564265145, + -328.78700484408785, + 1723.8234485400492, + 2809.015557303653, + 764.2989120141044, + -597.28895201247, + -625.0863735139316, + -449.77369268821303, + -349.02366184155284, + -321.04872334859334, + -349.02359712151184, + -449.7735419372237, + -625.0861939996387, + -597.2899625750149, + 764.2937674181557, + 2809.014233728174, + 1723.8273437024545, + -328.78552156382295, + -903.0642864735981, + -751.777014186372, + -528.2719702477115, + -371.6579978666517, + -282.11742093438977, + -236.07392052420852, + -275.7533305830207, + -296.66300027167625, + -370.4186724947817, + -528.2892330356274, + -799.2595835354815, + -1014.2404755542891, + 1247.0570864521812, + 5000, + 5000, + 5000, + 5000, + 5000, + -597.7501876724873, + -596.5426734662808, + -439.6049659925338, + -394.32988888789043, + -439.604862481104, + -596.5424562066337, + -597.7510030074909, 5000, 5000, 5000, 5000, 5000, - 1247.0527522817415, - -1014.2407283161888, - -799.2597866123643, - -528.2893669293225, - -370.4187872616648, - -296.6630687327167, - -339.67232815142467, - -373.8391615877139, - -495.62222585809445, - -751.3526085177878, - -1013.9814990949083, - 873.290214963394, + 1247.0648195464018, + -1014.2402829648313, + -799.2597968670345, + -528.2893071465438, + -370.4187134857972, + -296.66298232449367, + -339.67218636304614, + -373.8390132524288, + -495.62197700776557, + -751.3522853598693, + -1013.9814412956837, + 873.2839592708134, 5000, 5000, 5000, 5000, 5000, 5000, - 758.9000917122178, - -726.2360072405963, - -531.9685511210887, - -466.62681927344, - -531.9685511210887, - -726.2360072405968, - 758.9000917122174, + 758.9001099300199, + -726.2359141625701, + -531.9684292697715, + -466.62671338637074, + -531.9682843415927, + -726.2357454759365, + 758.8925824050053, 5000, 5000, 5000, 5000, 5000, 5000, - 873.290214963394, - -1013.9814990949086, - -751.3526085177876, - -495.6222258580944, - -373.8391615877138, - -412.5526737417913, - -463.5364855063715, - -644.7427233207289, - -902.9628000412107, - 1245.934422621558, + 873.290139498019, + -1013.9814952151099, + -751.3523903092869, + -495.6220326532928, + -373.8389823179566, + -412.55250933154946, + -463.5363136364689, + -644.7424047911308, + -902.9626740748793, + 1245.9270620662896, 5000, 5000, 5000, @@ -14165,13 +14417,13 @@ 5000, 5000, 5000, - 2796.799790182018, - -794.7707195160175, - -592.6119402636666, - -514.8720772365505, - -592.6119402636668, - -794.7707195160175, - 2796.799790182018, + 2796.801506550601, + -794.7706475591176, + -592.6118379519711, + -514.8719938371615, + -592.6116671537766, + -794.7705961339964, + 2796.784107469738, 5000, 5000, 5000, @@ -14179,14 +14431,14 @@ 5000, 5000, 5000, - 1245.9344226215583, - -902.9628000412106, - -644.7427233207288, - -463.53648550637166, - -479.6484894613488, - -548.1793336462866, - -772.7556239381857, - -329.65301814633625, + 1245.9296470551865, + -902.962788327492, + -644.7424727825534, + -463.5362633667191, + -479.64841124157095, + -548.1792919006563, + -772.7555057573633, + -329.65177955649966, 5000, 5000, 5000, @@ -14195,13 +14447,13 @@ 5000, 5000, 5000, - 1717.568942612761, - -819.3801699101239, - -598.2886949285794, - -519.2262009195858, - -598.2886949285795, - -819.380169910124, - 1717.5689426127612, + 1717.566222253755, + -819.3801252198516, + -598.2885522342336, + -519.2260792631996, + -598.2883813671084, + -819.3799953702545, + 1717.5537094067845, 5000, 5000, 5000, @@ -14210,13 +14462,13 @@ 5000, 5000, 5000, - -329.6530181463361, - -772.7556239381854, - -548.1793336462869, - -519.2262007566508, - -598.2886947630511, - -819.3801697477918, - 1717.56894281598, + -329.65187094777224, + -772.7555769665812, + -548.1792186964027, + -519.2260700563287, + -598.2886075980479, + -819.3799867966593, + 1717.5708963782097, 5000, 5000, 5000, @@ -14225,13 +14477,13 @@ 5000, 5000, 5000, - -329.6530179765238, - -772.7556237831632, - -548.1793335105704, - -479.6484893754695, - -548.1793335105701, - -772.7556237831627, - -329.65301797652387, + -329.6549354864986, + -772.7555423026745, + -548.1791900846771, + -479.6483733472846, + -548.1790447247596, + -772.7552793768543, + -329.6581050300323, 5000, 5000, 5000, @@ -14240,13 +14492,13 @@ 5000, 5000, 5000, - 1717.568942815981, - -819.3801697477918, - -598.2886947630515, - -514.8720773312474, - -592.6119403798741, - -794.7707196322849, - 2796.799790074023, + 1717.5708202520957, + -819.3800503894286, + -598.288516596579, + -514.8720000534064, + -592.6119137091513, + -794.7706053852778, + 2796.803651605589, 5000, 5000, 5000, @@ -14254,15 +14506,15 @@ 5000, 5000, 5000, - 1245.9344225856453, - -902.9628000628293, - -644.7427233437986, - -463.53648552481786, - -412.5526737599878, - -463.53648552481764, - -644.7427233437984, - -902.9628000628295, - 1245.9344225856455, + 1245.9294404436018, + -902.963120340661, + -644.74267493684, + -463.5364065346639, + -412.55261618997224, + -463.53630059544486, + -644.7424229403392, + -902.9631519813756, + 1245.912860855198, 5000, 5000, 5000, @@ -14270,343 +14522,343 @@ 5000, 5000, 5000, - 2796.799790074023, - -794.7707196322849, - -592.6119403798746, - -466.6268193378591, - -531.9685511947093, - -726.236007366163, - 758.900091536743, + 2796.803577457841, + -794.7706543402646, + -592.6118182563253, + -466.6267659337337, + -531.9685567968153, + -726.2359595568377, + 758.9042622450625, 5000, 5000, 5000, 5000, 5000, 5000, - 873.2902148232563, - -1013.9814992057456, - -751.3526086040301, - -495.6222259341573, - -373.8391616383624, - -339.6723281949142, - -373.8391616383626, - -495.6222259341572, - -751.3526086040298, - -1013.9814992057455, - 873.2902148232563, + 873.2926958674534, + -1013.9818140370679, + -751.3526869669121, + -495.6222098397045, + -373.8391094723134, + -339.67228676126956, + -373.8390407424624, + -495.62204100852796, + -751.3524029187973, + -1013.9819334650324, + 873.2805970625018, 5000, 5000, 5000, 5000, 5000, 5000, - 758.900091536743, - -726.2360073661633, - -531.9685511947093, - -394.32995790529736, - -439.6050398298198, - -596.542716059696, - -597.7502805836576, + 758.9042061600604, + -726.2359927291391, + -531.9684721823279, + -394.32996612931106, + -439.6051055736074, + -596.5428118744579, + -597.7492876466355, 5000, 5000, 5000, 5000, 5000, - 1247.0527532225688, - -1014.2407275991561, - -799.2597860526187, - -528.2893665147864, - -370.4187869586754, - -296.663068497623, - -275.75339762365775, - -296.663068497623, - -370.41878695867547, - -528.2893665147863, - -799.2597860526187, - -1014.2407275991562, - 1247.0527532225685, - 5000, - 5000, - 5000, - 5000, - 5000, - -597.7502805836577, - -596.5427160596963, - -439.60503982981993, - -321.0487390253742, - -349.0236765338487, - -449.77367227303364, - -625.0863157726067, - -597.2891631656317, - 764.2964343109766, - 2809.0089201355754, - 1723.815633934411, - -328.7901741566011, - -903.0647763378722, - -751.7769060107548, - -528.2719003596968, - -371.65800395803365, - -282.1174506661049, - -236.0739665313995, - -223.34801861952513, - -236.07396653139966, - -282.1174506661048, - -371.65800395803376, - -528.2719003596969, - -751.7769060107548, - -903.0647763378722, - -328.79017415660127, - 1723.815633934411, - 2809.0089201355754, - 764.2964343109768, - -597.2891631656319, - -625.0863157726063, - -449.7736722730338, - -349.0236765338486, - -263.5919302140788, - -281.3865252625625, - -340.55172853346966, - -450.06014745828793, - -596.75552037472, - -726.4203725262591, - -794.7793426294115, - -819.6587953232322, - -773.3750962793594, - -645.0198078283038, - -495.6843987970201, - -371.0419734060261, - -282.21326714123506, - -226.32464515028633, - -195.38211765892132, - -184.8476601894672, - -195.3821176589213, - -226.3246451502863, - -282.2132671412351, - -371.0419734060263, - -495.6843987970201, - -645.0198078283036, - -773.3750962793594, - -819.6587953232321, - -794.7793426294115, - -726.4203725262594, - -596.7555203747202, - -450.0601474582881, - -340.55172853346954, - -281.38652526256243, - -228.16732640496724, - -241.09555773444805, - -281.473156141633, - -349.1234577771888, - -439.791066507361, - -532.781735645704, - -593.0066597210938, - -598.4809071950303, - -548.4382673081651, - -463.5971147364514, - -374.21703137858754, - -296.9128735431326, - -236.06213311047415, - -195.46958852098317, - -171.90234059969384, - -163.50587693715164, - -171.90234059969373, - -195.46958852098322, - -236.0621331104741, - -296.9128735431326, - -374.2170313785875, - -463.5971147364514, - -548.4382673081652, - -598.4809071950305, - -593.0066597210938, - -532.7817356457036, - -439.7910665073608, - -349.1234577771889, - -281.47315614163296, - -241.09555773444802, - -228.1673212722522, - -241.09555241402066, - -281.47315061994794, - -349.12345134289046, - -439.79105811416713, - -532.7817243725428, - -593.0066456942861, - -598.4808918448698, - -548.4382528604079, - -463.5971034431746, - -374.2170239297122, - -296.9128693275408, - -236.06213093493452, - -195.46958742547926, - -171.90233998506827, - -163.50587658027737, - -171.90233998506827, - -195.46958742547915, - -236.06213093493446, - -296.9128693275408, - -374.2170239297122, - -463.5971034431746, - -548.4382528604083, - -598.4808918448697, - -593.0066456942865, - -532.7817243725428, - -439.791058114167, - -349.1234513428905, - -281.473150619948, - -241.09555241402063, - -240.15762138249764, - -254.7404092108582, - -299.60012690982666, - -378.0155013678723, - -484.4044952518671, - -593.5088737239115, - -666.237976446647, - -672.7497276524251, - -612.2788128878218, - -512.4273009621979, - -407.00387466866846, - -318.505174781665, - -250.93582891814225, - -204.63573724690463, - -179.17804988892507, - -171.3400301888692, - -179.17804988892505, - -204.63573724690465, - -250.9358289181422, - -318.5051747816649, - -407.00387466866846, - -512.4273009621983, - -612.2788128878219, - -672.7497276524251, - -666.2379764466469, - -593.5088737239117, - -484.40449525186705, - -378.01550136787245, - -299.6001269098269, - -254.74040921085813, - -279.9515553446045, - -298.4298572204247, - -360.3351000194449, - -475.761549998949, - -632.6043203945743, - -770.2462948752004, - -849.0048323248519, - -882.578995896116, - -827.6149200150926, - -686.1179215957635, - -524.4495243794413, - -389.8609675455295, - -296.5819723310323, - -236.55863799905813, - -204.17222328924575, - -194.4789736887006, - -204.1722232892458, - -236.5586379990581, - -296.58197233103243, - -389.86096754552943, - -524.4495243794413, - -686.1179215957632, - -827.6149200150925, - -882.5789958961158, - -849.0048323248518, - -770.2462948752002, - -632.6043203945743, - -475.761549998949, - -360.33510001944484, - -298.42985722042465, - -346.24600927118917, - -375.1159454706144, - -473.9502238377198, - -643.4526540957521, - -545.63603565512, - 1377.9235298212548, - 3864.3249241626854, - 1825.5076472327985, - -437.29696144009586, - -944.5605085793943, - -771.8460036461046, - -544.3087124085056, - -386.4661918682879, - -295.6048760712103, - -249.5617220927073, - -234.47503609641427, - -249.56172209270733, - -295.6048760712104, - -386.46619186828786, - -544.3087124085054, - -771.8460036461045, - -944.560508579394, - -437.2969614400959, - 1825.5076472327983, - 3864.324924162685, - 1377.9235298212552, - -545.6360356551202, - -643.452654095752, - -473.95022383772, - -375.11594547061424, - -436.09402374893125, - -480.380682111314, - -628.4379716609715, - -542.2420291648951, - 5000, - 5000, - 5000, - 5000, - 5000, - 1092.9045607017738, - -1019.9046145502342, - -811.0033755135189, - -543.1896211700911, - -387.8588751189483, - -316.0508365004683, - -294.45366662459315, - -316.05083650046856, - -387.8588751189483, - -543.1896211700912, - -811.0033755135188, - -1019.9046145502344, - 1092.9045607017736, + 1247.0603889162885, + -1014.2407021556221, + -799.2601602870634, + -528.2895299195332, + -370.4188509667297, + -296.6630854260844, + -275.7534159468211, + -296.6630435140097, + -370.4187529210312, + -528.2893484984437, + -799.259555374311, + -1014.2409011390621, + 1247.0524525069861, + 5000, + 5000, + 5000, + 5000, + 5000, + -597.7493205979915, + -596.5428332969018, + -439.60504253301156, + -321.04880264908985, + -349.02378247974116, + -449.77383391508926, + -625.0865616529851, + -597.2877616778493, + 764.308311729357, + 2809.0345474492115, + 1723.831023931239, + -328.78649437856996, + -903.0649130574567, + -751.7774075584082, + -528.2722122755391, + -371.6581472276631, + -282.11752016038105, + -236.07399940880796, + -223.3480516394739, + -236.0739735716689, + -282.1174643898794, + -371.65804977449733, + -528.2718515096693, + -751.7769751566268, + -903.0649356862334, + -328.78796979050793, + 1723.8297003174039, + 2809.0349464451065, + 764.3095606864391, + -597.2876687107237, + -625.0865801575535, + -449.7738481677463, + -349.0237408416284, + -263.59187959314295, + -281.38648447657954, + -340.55166148393243, + -450.0600872568105, + -596.7554307265658, + -726.420295109313, + -794.7793515947773, + -819.6588090464404, + -773.3750503810903, + -645.0197214864113, + -495.68437263906884, + -371.0419501387165, + -282.21323300666927, + -226.32461110682112, + -195.38207935768824, + -184.84762816825716, + -195.38206230968325, + -226.32457667197392, + -282.21317778852375, + -371.04175310243613, + -495.68411776949506, + -645.0195446152478, + -773.3749491481352, + -819.6588210843639, + -794.7793962979111, + -726.4203634321185, + -596.7554897898881, + -450.06009910044475, + -340.55167208770473, + -281.3864572813538, + -228.16730447420093, + -241.09554417959424, + -281.47313077246514, + -349.123451482548, + -439.79106116178485, + -532.7817333635066, + -593.006672082769, + -598.4809131342297, + -548.4382854335145, + -463.5971191228415, + -374.21705799453633, + -296.9128857787171, + -236.0621270985181, + -195.4695759462418, + -171.9023212283017, + -163.50586191214114, + -171.9023081881908, + -195.4695511707681, + -236.06208949681593, + -296.91275901505725, + -374.2169023974694, + -463.5970114575144, + -548.4382072645092, + -598.480906207831, + -593.0067029974467, + -532.7817863011285, + -439.79110011536534, + -349.12346102179686, + -281.4731398409638, + -241.09552435813126, + -228.16730376169616, + -241.09554120417863, + -281.47312035047656, + -349.12342626462976, + -439.79101498954765, + -532.7816680753706, + -593.0065997475104, + -598.4808498106212, + -548.43824195083, + -463.59709490159355, + -374.21704606492773, + -296.91288011901906, + -236.06212426165638, + -195.4695742888387, + -171.90232010257532, + -163.50586091030985, + -171.90230706246408, + -195.46954951336465, + -236.06208665995396, + -296.9127533553645, + -374.2168904678735, + -463.5969872362817, + -548.4381637818472, + -598.4808428842308, + -593.0066306621894, + -532.7817210129865, + -439.79105394312376, + -349.1234358038807, + -281.47312941897627, + -241.09552138271846, + -240.1576330605381, + -254.74042924899345, + -299.6001300535768, + -378.0155190333684, + -484.40450463316597, + -593.5088807868025, + -666.2380044166977, + -672.7497577357648, + -612.2788697717004, + -512.4273468345898, + -407.00394380383887, + -318.50522109638723, + -250.93584849561415, + -204.63574517715534, + -179.17804802161183, + -171.34003182072834, + -179.17803387268245, + -204.63571782629637, + -250.93580629160775, + -318.50507679919457, + -407.0037638867136, + -512.4272204047334, + -612.2787767939449, + -672.7497495626454, + -666.2380408708733, + -593.5089436177859, + -484.40454927509273, + -378.01552893864516, + -299.60013930895843, + -254.7404073687093, + -279.951559120343, + -298.4298703965148, + -360.3350844765475, + -475.76154308303956, + -632.6042963993547, + -770.2463243732124, + -849.0049512890938, + -882.5790791148576, + -827.6149772712752, + -686.1179617046957, + -524.4496133648851, + -389.8610306558823, + -296.5820002315455, + -236.55865132205147, + -204.17222474956256, + -194.47897929927433, + -204.17220687500608, + -236.55861498619674, + -296.5819416158477, + -389.8608201845727, + -524.4493401942717, + -686.1177716322941, + -827.6148638873818, + -882.5790929557127, + -849.0050033122438, + -770.2463968288513, + -632.6043576014085, + -475.76155460386667, + -360.3350950504153, + -298.42984167657403, + -346.24598083336866, + -375.1159301639353, + -473.95016084163746, + -643.452602778714, + -545.6363109371043, + 1377.9203534815356, + 3864.319632157873, + 1825.5055214246208, + -437.29671955158585, + -944.560449490885, + -771.8460604303, + -544.3087498565735, + -386.4661828520926, + -295.6048523707791, + -249.56168712389533, + -234.47500763202075, + -249.561661067704, + -295.60479595235637, + -386.46608443548575, + -544.3083848131162, + -771.8456191013821, + -944.5604337913101, + -437.2981261889147, + 1825.5038124206355, + 3864.3197270748874, + 1377.9221176186259, + -545.6361595847532, + -643.4526191431984, + -473.9501743327113, + -375.1158874953999, + -436.0940611733564, + -480.380737262835, + -628.4379548102719, + -542.2419771549714, + 5000, + 5000, + 5000, + 5000, + 5000, + 1092.904782577458, + -1019.9045609759947, + -811.0034628549156, + -543.1896375053294, + -387.8588679266301, + -316.0508136551506, + -294.45365329293276, + -316.05077239547865, + -387.85877161593197, + -543.18945975924, + -811.002873539828, + -1019.9047948478149, + 1092.897219681633, 5000, 5000, 5000, 5000, 5000, - -542.2420291648948, - -628.4379716609718, - -480.38068211131406, - -528.7848218938102, - -588.4102850281788, - -764.857572221812, - 1399.8164726458517, + -542.242006380393, + -628.4379745433207, + -480.3806742358593, + -528.7848627217544, + -588.410346733665, + -764.8575365649177, + 1399.8173543616565, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9816767545976, - -1017.371966037334, - -768.3359648022132, - -520.7417564772452, - -403.5543888206308, - -371.26869845350694, - -403.5543888206308, - -520.7417564772453, - -768.3359648022131, - -1017.3719660373341, - 1239.9816767545976, + 1239.9828384661455, + -1017.3719774613683, + -768.3359632312356, + -520.7417352806909, + -403.5543559092795, + -371.26868082436323, + -403.55428954386014, + -520.7415721971638, + -768.3356882490834, + -1017.3722058019948, + 1239.9677918575883, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.8164726458522, - -764.8575722218121, - -588.4102850281787, - -590.9990229147013, - -662.1399954873208, - -843.6564156703257, - 3902.9370964564064, + 1399.8172998618684, + -764.8575670263374, + -588.4102633206325, + -590.9990142131545, + -662.140018680742, + -843.6563358145638, + 3902.940440045377, 5000, 5000, 5000, @@ -14614,15 +14866,15 @@ 5000, 5000, 5000, - 1105.671636038166, - -940.1622194461138, - -681.3740670067733, - -508.0982724440021, - -460.2062261598349, - -508.0982724440019, - -681.3740670067732, - -940.1622194461136, - 1105.671636038166, + 1105.6745864686086, + -940.1622311308029, + -681.3740424447825, + -508.0982002400365, + -460.2061646851929, + -508.098099361992, + -681.3738001079873, + -940.1622327711717, + 1105.6581921833942, 5000, 5000, 5000, @@ -14630,13 +14882,13 @@ 5000, 5000, 5000, - 3902.937096456406, - -843.6564156703259, - -662.1399954873211, - -599.0335904547478, - -671.0570366861928, - -879.4068567793038, - 1803.4779480349189, + 3902.9403650983327, + -843.65638120891, + -662.1399248288966, + -599.0336806092149, + -671.057148476115, + -879.4068455932543, + 1803.479110764756, 5000, 5000, 5000, @@ -14645,13 +14897,13 @@ 5000, 5000, 5000, - -441.329542773345, - -822.4658053124916, - -607.8146219156649, - -545.6640610973009, - -607.814621915665, - -822.4658053124915, - -441.3295427733449, + -441.3291235249178, + -822.4658635537353, + -607.8146307237886, + -545.6640824252174, + -607.8144934678672, + -822.4656072314416, + -441.33201821579036, 5000, 5000, 5000, @@ -14660,13 +14912,13 @@ 5000, 5000, 5000, - 1803.4779480349184, - -879.4068567793036, - -671.0570366861929, - -550.5261655783011, - -612.8659620016324, - -826.3410532041121, - -454.9470616012353, + 1803.4790500249874, + -879.4069053072077, + -671.0570594248887, + -550.5262378797081, + -612.866050222927, + -826.3410316978319, + -454.9466751200251, 5000, 5000, 5000, @@ -14675,13 +14927,13 @@ 5000, 5000, 5000, - 1798.8540795459805, - -878.471112377978, - -669.8345232392044, - -597.5547401575243, - -669.8345232392037, - -878.4711123779779, - 1798.8540795459796, + 1798.855494088064, + -878.471173225815, + -669.8345418864642, + -597.5547752645616, + -669.8343815092646, + -878.4710529288952, + 1798.8419501181072, 5000, 5000, 5000, @@ -14690,14 +14942,14 @@ 5000, 5000, 5000, - -454.9470616012351, - -826.3410532041122, - -612.8659620016326, - -466.8175323125232, - -514.1321014055511, - -685.7658976360749, - -945.2038555654245, - 1048.4796683418497, + -454.9467375566037, + -826.3410993444946, + -612.8659790278028, + -466.8175161753818, + -514.1320944226936, + -685.7658114734191, + -945.2037646897871, + 1048.4797179818383, 5000, 5000, 5000, @@ -14705,13 +14957,13 @@ 5000, 5000, 5000, - 3878.2373490973096, - -846.6678421818044, - -665.3553896954173, - -594.3357413407376, - -665.3553896954171, - -846.6678421818046, - 3878.2373490973087, + 3878.2421274423823, + -846.6678037484533, + -665.3553007507596, + -594.3356570891217, + -665.3551414239757, + -846.6677957905036, + 3878.2176627998488, 5000, 5000, 5000, @@ -14719,345 +14971,345 @@ 5000, 5000, 5000, - 1048.4796683418494, - -945.2038555654242, - -685.7658976360747, - -514.1321014055508, - -377.5819431664877, - -409.2212355923905, - -525.1919220700422, - -770.3126111256929, - -1016.7539030237449, - 1281.9298820323752, + 1048.4826987432787, + -945.2038609630854, + -685.7658770722359, + -514.1320459870689, + -377.5819772299411, + -409.22127606871663, + -525.191918860634, + -770.312638017834, + -1016.7538443570438, + 1281.9286826025552, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.093310784136, - -769.1423744149844, - -594.7635276801772, - -535.8475998009429, - -594.7635276801773, - -769.1423744149844, - 1408.093310784137, + 1408.096581532666, + -769.1424495506461, + -594.7635650528391, + -535.847640512271, + -594.7634296241621, + -769.1423241755436, + 1408.0851672809756, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.9298820323754, - -1016.7539030237452, - -770.3126111256931, - -525.1919220700419, - -409.2212355923904, - -299.1617173238507, - -320.5160604482704, - -391.09424706852667, - -544.3200299396756, - -809.3080977260717, - -1013.7802805364317, - 1062.6761724655687, + 1281.9365122749502, + -1016.7538225746846, + -770.3127361270266, + -525.1919735546181, + -409.2212465163442, + -299.16170055761194, + -320.5160405854165, + -391.0941777938766, + -544.3199370403034, + -809.3079293222131, + -1013.7803271671344, + 1062.673811876685, 5000, 5000, 5000, 5000, 5000, - -540.0198845267784, - -632.6847501705353, - -486.5875075496614, - -443.417042877459, - -486.58750754966155, - -632.6847501705352, - -540.0198845267788, - 5000, - 5000, - 5000, - 5000, - 5000, - 1062.6761724655682, - -1013.7802805364315, - -809.3080977260712, - -544.3200299396755, - -391.09424706852667, - -320.5160604482705, - -237.70230075239562, - -251.91539088591307, - -297.59132026142504, - -387.32954050817153, - -543.0939090112514, - -767.4677326456199, - -940.9823849945609, - -457.9905120544453, - 1781.5076333247514, - 3924.758510621976, - 1432.3873979843784, - -536.3416168306095, - -643.0542217510142, - -476.6448736765288, - -380.03635125714317, - -352.5453221569993, - -380.03635125714294, - -476.6448736765288, - -643.0542217510142, - -536.3416168306094, - 1432.3873979843784, - 3924.7585106219763, - 1781.507633324752, - -457.99051205444516, - -940.9823849945609, - -767.4677326456203, - -543.0939090112513, - -387.32954050817165, - -297.59132026142504, - -251.91539088591307, - -196.30187764132287, - -205.72825251146222, - -237.28592014727144, - -296.6027700681436, - -389.2225677366378, - -521.644286067677, - -681.881408012841, - -821.704323150503, - -876.1237903796502, - -842.0205257259507, - -763.7852505823656, - -628.9479370353141, - -474.69184006543475, - -362.0295325312898, - -301.3883052328949, - -283.05274375716186, - -301.3883052328951, - -362.0295325312898, - -474.6918400654346, - -628.9479370353146, - -763.785250582366, - -842.0205257259511, - -876.1237903796502, - -821.7043231505035, - -681.8814080128413, - -521.644286067677, - -389.22256773663776, - -296.60277006814374, - -237.28592014727155, - -205.72825251146233, - -172.4677931318545, - -179.91045123975758, - -205.29989546466555, - -250.55352574611598, - -317.6104658130985, - -405.8016892348801, - -509.80166398609333, - -608.6286827502838, - -668.4057272985261, - -661.7025599598497, - -590.1354925813476, - -482.5020231903268, - -377.1487636139366, - -299.9897729677444, - -255.91485947305227, - -242.0460356518627, - -255.9148594730522, - -299.9897729677445, - -377.1487636139368, - -482.5020231903268, - -590.1354925813475, - -661.7025599598502, - -668.4057272985261, - -608.6286827502839, - -509.8016639860933, - -405.80168923488026, - -317.61046581309864, - -250.553525746116, - -205.29989546466555, - -179.91045123975752, - -163.50587782748772, - -171.90234139738706, - -195.46958936922414, - -236.06213375762516, - -296.91287334205884, - -374.21702922462464, - -463.59710984981695, - -548.4382598152271, - -598.4808985684884, - -593.0066515233003, - -532.7817289715637, - -439.79106166420235, - -349.1234541606739, - -281.4731530633607, - -241.09555467677774, - -228.16732350891408, - -241.09555467677774, - -281.4731530633608, - -349.1234541606737, - -439.7910616642024, - -532.7817289715638, - -593.0066515233004, - -598.4808985684883, - -548.4382598152271, - -463.59710984981695, - -374.2170292246246, - -296.9128733420586, - -236.0621337576252, - -195.4695893692241, - -171.90234139738706, - -171.34003056492412, - -179.17805026673204, - -204.63573766753638, - -250.93582943203498, - -318.50517536414424, - -407.00387531754666, - -512.4273016598063, - -612.278813554199, - -672.7497282000746, - -666.2379767333528, - -593.5088736982734, - -484.4044949320506, - -378.01550080219636, - -299.60012613107926, - -254.7404082754534, - -240.15762036805953, - -254.7404082754534, - -299.60012613107943, - -378.0155008021963, - -484.4044949320507, - -593.5088736982733, - -666.2379767333526, - -672.7497282000747, - -612.2788135541988, - -512.4273016598063, - -407.00387531754666, - -318.5051753641442, - -250.9358294320351, - -204.63573766753632, - -179.178050266732, - -194.47897429906988, - -204.17222399600672, - -236.55863901821732, - -296.58197394376333, - -389.8609701556146, - -524.4495284037355, - -686.1179273899181, - -827.6149276851821, - -882.5790049320087, - -849.0048415801512, - -770.2463030036059, - -632.6043265527611, - -475.76155418531135, - -360.3351028219461, - -298.42985926441844, - -279.9515571554041, - -298.42985926441844, - -360.33510282194624, - -475.7615541853114, - -632.6043265527611, - -770.2463030036059, - -849.0048415801508, - -882.5790049320087, - -827.6149276851821, - -686.117927389918, - -524.4495284037353, - -389.86097015561467, - -296.5819739437634, - -236.5586390182174, - -204.17222399600675, - -234.47503666407093, - -249.56172271941915, - -295.6048768673719, - -386.46619293803695, - -544.308713817991, - -771.8460053921374, - -944.5605104852674, - -437.2969633350923, - 1825.507645572605, - 3864.3249228591817, - 1377.92352886468, - -545.6360363373894, - -643.4526546157197, - -473.9502242603412, - -375.11594583518655, - -346.24600963127205, - -375.1159458351866, - -473.95022426034126, - -643.4526546157198, - -545.6360363373894, - 1377.9235288646805, - 3864.3249228591817, - 1825.507645572605, - -437.2969633350923, - -944.5605104852674, - -771.8460053921369, - -544.3087138179911, - -386.466192938037, - -295.6048768673718, - -249.56172271941915, - -294.45366656168045, - -316.050836456185, - -387.85887507360354, - -543.1896211626371, - -811.0033754803087, - -1019.9046145044025, - 1092.9045607580201, - 5000, - 5000, - 5000, - 5000, - 5000, - -542.2420289354059, - -628.437971422221, - -480.38068186699877, - -436.09402348017045, - -480.3806818669985, - -628.437971422221, - -542.2420289354056, + -540.0199514709319, + -632.6847393317634, + -486.58748615376817, + -443.4170331199026, + -486.58738845736593, + -632.6845408791905, + -540.0211616605746, + 5000, + 5000, + 5000, + 5000, + 5000, + 1062.6808338969226, + -1013.7801237901159, + -809.3081310335799, + -544.3200089007379, + -391.09421851850414, + -320.5160231432156, + -237.70231290210353, + -251.91540157371196, + -297.59130368242586, + -387.3295232669896, + -543.0938620934295, + -767.4676330286977, + -940.9823566385096, + -457.99054288989, + 1781.5054331409901, + 3924.7551027108157, + 1432.3872222017217, + -536.3416633400313, + -643.0542590659047, + -476.64489751489566, + -380.0363640496436, + -352.5453404387591, + -380.03630125323485, + -476.64475194292567, + -643.0541004195109, + -536.3431626878363, + 1432.3798716914253, + 3924.7548666621374, + 1781.5105554370236, + -457.98917420690566, + -940.9823326475334, + -767.4678544267533, + -543.0939962347264, + -387.3295697657441, + -297.5913330233394, + -251.91539071898535, + -196.30188191751557, + -205.72825669270026, + -237.28590902481184, + -296.60276700322595, + -389.2225620365529, + -521.6442693607936, + -681.8814408792981, + -821.7043721374201, + -876.1237999712547, + -842.0205383332451, + -763.7853258974563, + -628.9480204820505, + -474.6918859676616, + -362.02955134836475, + -301.38830578166744, + -283.0527449728592, + -301.3882652098985, + -362.02946177744894, + -474.69174292389675, + -628.9476871592924, + -763.7851074540127, + -842.0204498202677, + -876.1237968455752, + -821.7044714013485, + -681.8815979454296, + -521.6444107738132, + -389.2226430617755, + -296.6027983467427, + -237.28593110819486, + -205.72824915174522, + -172.46777596378897, + -179.91043307673348, + -205.29986221034872, + -250.55349287389922, + -317.6104207933618, + -405.8016239973204, + -509.8016163295746, + -608.6286468600441, + -668.4056743482105, + -661.7025253947523, + -590.1355065465307, + -482.5020366024315, + -377.14876048451663, + -299.9897590507552, + -255.9148342213978, + -242.04601139987096, + -255.9148039843435, + -299.98969606279957, + -377.14866416145986, + -482.50179763998494, + -590.1353005736916, + -661.7024583431261, + -668.4057178691286, + -608.6287290819603, + -509.8017218683748, + -405.8017180660016, + -317.61047832309936, + -250.55351724446882, + -205.29988037306236, + -179.9104269975504, + -163.50586756442848, + -171.90233056597242, + -195.4695674132471, + -236.06211854626585, + -296.91285998048244, + -374.21702136981986, + -463.59715042236655, + -548.4383472307824, + -598.4809968689574, + -593.0067671693599, + -532.7818644586073, + -439.7911605313982, + -349.1235038941773, + -281.47317108333306, + -241.09555124973528, + -228.1673182773166, + -241.09552371331674, + -281.4731147914064, + -349.1234196325164, + -439.7909552512281, + -532.7816890519653, + -593.0067104300799, + -598.481033120393, + -548.43841706515, + -463.5972417564963, + -374.21710386803824, + -296.9129116819105, + -236.06214100421263, + -195.4695844849855, + -171.90232494093317, + -171.34000015732897, + -179.1780178341653, + -204.63568825608579, + -250.93577709766726, + -318.50510653344, + -407.0037832405522, + -512.4272291105686, + -612.278759217328, + -672.7496647258332, + -666.2379397351359, + -593.5088904941491, + -484.40451038218964, + -378.01549633274215, + -299.6001091108016, + -254.74037905106388, + -240.15759241006054, + -254.74034843925057, + -299.6000452540631, + -378.01539850732314, + -484.4042678519555, + -593.508681648303, + -666.2378720003935, + -672.7497093517551, + -612.2788430568178, + -512.4273361733628, + -407.00387861515236, + -318.50516467898507, + -250.93580156200912, + -204.63570651209946, + -179.17801170737434, + -194.47896162398672, + -204.17221210962992, + -236.558615569933, + -296.58196723003346, + -389.8609797702621, + -524.4495617468637, + -686.118054661565, + -827.615068594418, + -882.5790394694889, + -849.0048906479544, + -770.2464891877147, + -632.6045188561965, + -475.7616593540339, + -360.3351416687209, + -298.42986040408647, + -279.9515536005351, + -298.4298190625406, + -360.33505030002374, + -475.76151320998866, + -632.6041781688026, + -770.2462663240984, + -849.0048033665873, + -882.5790379256587, + -827.6151695948248, + -686.1182146938022, + -524.4497058389672, + -389.86106208194195, + -296.581998969565, + -236.5586377545546, + -204.17220456983858, + -234.4750005082797, + -249.5616864105512, + -295.60481740631775, + -386.46614233981336, + -544.3086546006871, + -771.8459141794112, + -944.5602093068348, + -437.29439207831956, + 1825.5134681681584, + 3864.3287375456375, + 1377.925266955214, + -545.6359323388775, + -643.4527379731628, + -473.95026314546703, + -375.1159490550101, + -346.2460117508013, + -375.1158850289695, + -473.95011477043664, + -643.452574382176, + -545.637392368684, + 1377.9180691859983, + 3864.328333683924, + 1825.5185310913773, + -437.292977189145, + -944.5601776032302, + -771.8461388905606, + -544.3087907182611, + -386.46618930640244, + -295.60484682815013, + -249.56167528461842, + -294.4535731672634, + -316.05074116629925, + -387.8587332354413, + -543.1894613525818, + -811.0031571419295, + -1019.9044905357244, + 1092.9077043188147, + 5000, + 5000, + 5000, + 5000, + 5000, + -542.2420126833416, + -628.4379380137042, + -480.38061217697214, + -436.0939574607793, + -480.3805130753195, + -628.4377363719735, + -542.2432036132365, 5000, 5000, 5000, 5000, 5000, - 1092.9045607580201, - -1019.9046145044025, - -811.0033754803086, - -543.1896211626372, - -387.8588750736035, - -316.0508364561849, - -371.268698734947, - -403.5543891269476, - -520.7417568739968, - -768.335965302995, - -1017.3719667064512, - 1239.9816758917684, + 1092.9148901812137, + -1019.9042914450775, + -811.0033619338229, + -543.1895339150215, + -387.8587741021742, + -316.0507234549768, + -371.26852833574293, + -403.5542120595698, + -520.7414811187297, + -768.3356230022192, + -1017.372018698466, + 1239.9716920593714, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.8164718131595, - -764.857572884514, - -588.4102855798552, - -528.7848224259318, - -588.4102855798552, - -764.8575728845141, - 1399.8164718131604, + 1399.816607083606, + -764.8574562196171, + -588.410133052305, + -528.7846831027014, + -588.4099965135068, + -764.8573289852817, + 1399.8052684626148, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9816758917686, - -1017.3719667064513, - -768.3359653029954, - -520.7417568739968, - -403.55438912694757, - -460.20622635454924, - -508.09827264943834, - -681.374067216745, - -940.1622196549384, - 1105.671635802921, + 1239.9793224519244, + -1017.372005752673, + -768.33572221762, + -520.7415360411235, + -403.5541821552855, + -460.20602398824957, + -508.09806101907583, + -681.3737093501404, + -940.1620776904996, + 1105.663289245915, 5000, 5000, 5000, @@ -15065,13 +15317,13 @@ 5000, 5000, 5000, - 3902.93709646047, - -843.6564156884692, - -662.1399955273828, - -590.9990230094808, - -662.1399955273831, - -843.6564156884693, - 3902.937096460469, + 3902.9421007759206, + -843.6563469316121, + -662.1399167345317, + -590.9989660847168, + -662.1397569351813, + -843.656339804055, + 3902.917524126215, 5000, 5000, 5000, @@ -15079,14 +15331,14 @@ 5000, 5000, 5000, - 1105.6716358029216, - -940.1622196549387, - -681.374067216745, - -508.09827264943834, - -545.6640611144621, - -607.8146219264162, - -822.4658053337834, - -441.3295427878339, + 1105.6662769755515, + -940.1621752387673, + -681.3737752421731, + -508.09801229244476, + -545.6639162359946, + -607.814511587795, + -822.4656295837028, + -441.3285834287702, 5000, 5000, 5000, @@ -15095,13 +15347,13 @@ 5000, 5000, 5000, - 1803.477948025438, - -879.406856792492, - -671.0570366846081, - -599.0335904660675, - -671.0570366846082, - -879.406856792492, - 1803.4779480254376, + 1803.476310548105, + -879.406799630125, + -671.0568887608891, + -599.0334589632542, + -671.0567287704835, + -879.4066797526024, + 1803.4627278758726, 5000, 5000, 5000, @@ -15110,13 +15362,13 @@ 5000, 5000, 5000, - -441.32954278783365, - -822.4658053337834, - -607.8146219264163, - -597.5547402523455, - -669.8345233686886, - -878.4711125082247, - 1798.8540793655588, + -441.3286456897335, + -822.4656974644116, + -607.8144402491154, + -597.5545644249191, + -669.8343862821384, + -878.4709017914652, + 1798.8551464715015, 5000, 5000, 5000, @@ -15125,13 +15377,13 @@ 5000, 5000, 5000, - -454.9470618525838, - -826.3410534290294, - -612.8659622291657, - -550.5261657785654, - -612.8659622291659, - -826.3410534290296, - -454.94706185258366, + -454.9484316860775, + -826.3409264338139, + -612.8657777916642, + -550.5260039666399, + -612.8656414339035, + -826.3406707086975, + -454.95127886183377, 5000, 5000, 5000, @@ -15140,13 +15392,13 @@ 5000, 5000, 5000, - 1798.8540793655582, - -878.4711125082243, - -669.8345233686886, - -594.3357411391704, - -665.3553895152688, - -846.6678419167561, - 3878.2373493802656, + 1798.855087650135, + -878.4709615942033, + -669.8342972914593, + -594.33563504548, + -665.3553258439748, + -846.667707059209, + 3878.242158054697, 5000, 5000, 5000, @@ -15154,15 +15406,15 @@ 5000, 5000, 5000, - 1048.4796687076466, - -945.2038552539432, - -685.765897286302, - -514.132101079035, - -466.8175319713479, - -514.1321010790352, - -685.7658972863021, - -945.2038552539432, - 1048.4796687076466, + 1048.4765547279526, + -945.2041059508996, + -685.7658592042955, + -514.1320372959837, + -466.8174885363865, + -514.1319374234319, + -685.7656187563845, + -945.2040987059187, + 1048.4604865138458, 5000, 5000, 5000, @@ -15170,343 +15422,343 @@ 5000, 5000, 5000, - 3878.2373493802656, - -846.6678419167563, - -665.3553895152688, - -535.8476000411606, - -594.7635279210882, - -769.142374630761, - 1408.093310589836, + 3878.242083263062, + -846.6677523930601, + -665.3552322404955, + -535.8474966357825, + -594.7634791865001, + -769.1422769506738, + 1408.0994460113222, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.9298818439593, - -1016.7539032098206, - -770.312611281554, - -525.1919222204613, - -409.22123575304096, - -377.5819433249767, - -409.22123575304096, - -525.1919222204615, - -770.3126112815545, - -1016.7539032098204, - 1281.9298818439588, + 1281.9349348830062, + -1016.754053052506, + -770.312681772045, + -525.1918938089873, + -409.2211653716175, + -377.58188002619096, + -409.2210998139448, + -525.191732655006, + -770.3124091736236, + -1016.754287765392, + 1281.9195217257902, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0933105898366, - -769.1423746307612, - -594.7635279210883, - -443.4170428718431, - -486.5875075632009, - -632.6847502296304, - -540.0198846856406, + 1408.0993911893238, + -769.1423071987194, + -594.7633961807328, + -443.4170631481374, + -486.5875802735378, + -632.6848443035914, + -540.0184392036313, 5000, 5000, 5000, 5000, 5000, - 1062.6761715504285, - -1013.7802813466471, - -809.3080983743698, - -544.32003042206, - -391.0942474014108, - -320.51606068270996, - -299.16171753315575, - -320.5160606827101, - -391.0942474014108, - -544.3200304220603, - -809.3080983743698, - -1013.7802813466473, - 1062.6761715504283, - 5000, - 5000, - 5000, - 5000, - 5000, - -540.0198846856407, - -632.6847502296303, - -486.58750756320086, - -352.54532195043635, - -380.03635112545226, - -476.6448736225442, - -643.0542219209833, - -536.3416172295947, - 1432.3873972815443, - 3924.75850958631, - 1781.5076320263086, - -457.99051342037967, - -940.9823861671207, - -767.467733548065, - -543.0939095558891, - -387.32954079508175, - -297.5913203773839, - -251.9153909169225, - -237.70230075785432, - -251.91539091692246, - -297.59132037738397, - -387.32954079508175, - -543.0939095558894, - -767.4677335480648, - -940.9823861671205, - -457.9905134203794, - 1781.5076320263088, - 3924.75850958631, - 1432.3873972815443, - -536.3416172295948, - -643.0542219209834, - -476.64487362254425, - -380.0363511254522, - -283.05274436130986, - -301.3883057429541, - -362.0295327537213, - -474.69183986382393, - -628.9479362932358, - -763.7852493557357, - -842.0205241242799, - -876.1237887327644, - -821.704321763478, - -681.8814070384303, - -521.6442855306216, - -389.2225675184319, - -296.60277009415364, - -237.2859202896231, - -205.72825272931536, - -196.30187786879398, - -205.72825272931533, - -237.28592028962316, - -296.60277009415375, - -389.222567518432, - -521.6442855306219, - -681.8814070384303, - -821.7043217634781, - -876.1237887327645, - -842.0205241242795, - -763.7852493557351, - -628.9479362932362, - -474.6918398638238, - -362.0295327537211, - -301.38830574295395, - -242.04603720184267, - -255.91486148761967, - -299.98977656285945, - -377.1487702087124, - -482.50203424420397, - -590.1355085692453, - -661.7025794507525, - -668.4057474746149, - -608.6287004454271, - -509.80167735317525, - -405.80169815627437, - -317.610471274949, - -250.5535289041156, - -205.29989727080817, - -179.91045235557354, - -172.46779403692366, - -179.9104523555736, - -205.29989727080815, - -250.55352890411552, - -317.61047127494896, - -405.80169815627437, - -509.8016773531752, - -608.6287004454268, - -668.405747474615, - -661.7025794507523, - -590.1355085692451, - -482.5020342442039, - -377.14877020871234, - -299.9897765628593, - -255.91486148761976, - -263.591924222239, - -281.3865188780843, - -340.551720334041, - -450.06013506698633, - -596.7555052982414, - -726.4203674963835, - -794.7793504361335, - -819.6587973037409, - -773.3750941795768, - -645.0198095371907, - -495.684403715124, - -371.04197892734436, - -282.2132719894949, - -226.3246493454975, - -195.38212131848132, - -184.84766364323602, - -195.38212131848138, - -226.3246493454975, - -282.21327198949507, - -371.0419789273443, - -495.6844037151239, - -645.0198095371908, - -773.3750941795766, - -819.6587973037408, - -794.7793504361337, - -726.4203674963834, - -596.7555052982418, - -450.0601350669864, - -340.5517203340412, - -281.3865188780846, - -279.95154835129455, - -298.4298503498758, - -360.33509333901907, - -475.76154341739976, - -632.6043162846288, - -770.2463041741323, - -849.0048644010701, - -882.5790318554268, - -827.6149423825422, - -686.1179368024971, - -524.4495379530705, - -389.86097903483676, - -296.58198133539264, - -236.55864518523975, - -204.17222948345912, - -194.47897963197914, - -204.17222948345912, - -236.55864518523967, - -296.5819813353925, - -389.8609790348367, - -524.4495379530704, - -686.117936802497, - -827.6149423825423, - -882.5790318554268, - -849.0048644010699, - -770.2463041741324, - -632.604316284629, - -475.7615434173999, - -360.3350933390192, - -298.4298503498759, - -336.1398839682466, - -357.2378679585371, - -429.47883680822116, - -566.3399980162964, - -758.2786961128136, - -928.3863083167936, - -1033.2056882164725, - -1088.4267207825046, - -1019.0474069020772, - -835.9463555325128, - -628.0440734817898, - -457.195866112736, - -342.3812168646499, - -272.29328442786937, - -234.9971727492894, - -224.15985562405453, - -234.99717274928952, - -272.2932844278694, - -342.38121686464973, - -457.1958661127358, - -628.0440734817901, - -835.946355532513, - -1019.0474069020775, - -1088.4267207825044, - -1033.2056882164727, - -928.3863083167937, - -758.2786961128132, - -566.339998016296, - -429.47883680822105, - -357.237867958537, - -442.956151711528, - -468.58287552923497, - -561.8072531402987, - -736.2416944217111, - -739.3276758854084, - 578.7291338214703, - 2101.663223584345, - 424.6841139180428, - -939.594028029397, - -1094.3819852490342, - -852.2316289703587, - -604.2132097341752, - -436.62113588136225, - -340.14213417795594, - -292.94194699068686, - -278.6072150294126, - -292.9419469906868, - -340.14213417795577, - -436.6211358813623, - -604.2132097341754, - -852.2316289703587, - -1094.381985249034, - -939.5940280293977, - 424.6841139180426, - 2101.6632235843463, - 578.72913382147, - -739.3276758854086, - -736.2416944217109, - -561.8072531402986, - -468.582875529235, - -588.2376166646584, - -623.3279886983347, - -749.7410210177679, - -738.3080477705823, - 5000, - 5000, - 5000, - 5000, - 5000, - 155.27779864694122, - -1087.5498417417707, - -859.8071548037603, - -601.1322213402068, - -452.0839824615341, - -384.1979049705439, - -364.8730646930309, - -384.19790497054385, - -452.08398246153394, - -601.1322213402069, - -859.8071548037602, - -1087.5498417417705, - 155.27779864694105, + 1062.6833598711019, + -1013.7801831970788, + -809.3084638587076, + -544.3201920986826, + -391.0943057448472, + -320.51607058458137, + -299.1617278014273, + -320.51602996389846, + -391.0942107984752, + -544.3200166377223, + -809.3078825449425, + -1013.7804297665782, + 1062.6759245508567, + 5000, + 5000, + 5000, + 5000, + 5000, + -540.0184680140641, + -632.6848637452257, + -486.58751768692326, + -352.54540327944727, + -380.0364710737329, + -476.64503827260756, + -643.0544303330241, + -536.3395565115316, + 1432.4061367689674, + 3924.7969456277483, + 1781.5245112197495, + -457.98745810730384, + -940.9826366728736, + -767.4682599082797, + -543.0942381627391, + -387.3296990250166, + -297.59140266504187, + -251.91543673174644, + -237.70234598680463, + -251.91541114214442, + -297.5913470776249, + -387.3296020510867, + -543.093877985322, + -767.4678239216904, + -940.9826140415569, + -457.9888184525987, + 1781.5227846869925, + 3924.7969857531943, + 1432.4079398748113, + -536.3393994940159, + -643.0544461987519, + -476.645051636693, + -380.03642879482385, + -283.05267638025987, + -301.38824755337754, + -362.02944765471995, + -474.69176258318765, + -628.9478270263519, + -763.7851484051107, + -842.0205007402158, + -876.123770294899, + -821.7042643843887, + -681.8813191457481, + -521.6442611457624, + -389.22254223194886, + -296.60273048999017, + -237.2858795241809, + -205.72820710423423, + -196.30183842977152, + -205.72818949707428, + -237.2858437162272, + -296.60267276816444, + -389.2223349055933, + -521.6439920795797, + -681.881131731554, + -821.7041522412603, + -876.1237843149225, + -842.0205524801827, + -763.7852188989284, + -628.9478867069311, + -474.69177367102736, + -362.0294581025826, + -301.3882191543276, + -242.04601415703414, + -255.91484789653185, + -299.98975046225456, + -377.14876593516476, + -482.5020309906702, + -590.1355125538239, + -661.702608609192, + -668.4057779520001, + -608.62875208245, + -509.80171053492126, + -405.8017491011789, + -317.6104969212359, + -250.55352806981477, + -205.2998854353476, + -179.9104315853406, + -172.4677769849161, + -179.91041755536565, + -205.29985836115526, + -250.55348631249888, + -317.6103540149788, + -405.80157098198947, + -509.80158567617303, + -608.6286604245793, + -668.405770003094, + -661.7026446070479, + -590.1355742478959, + -482.50207489872315, + -377.1487755983036, + -299.9897596544918, + -255.914826333837, + -263.5919045003139, + -281.3865081691531, + -340.55168093181186, + -450.06009979772483, + -596.7554495823115, + -726.4203552099624, + -794.7793982034268, + -819.6587995144881, + -773.3750932690106, + -645.0198109853651, + -495.68445318517223, + -371.0420055021594, + -282.21326808770766, + -226.32463432447477, + -195.38209688028405, + -184.84764395382928, + -195.38207983227502, + -226.32459988961844, + -282.2132128695456, + -371.041808465828, + -495.6841983155478, + -645.0196341142074, + -773.3749920361358, + -819.6588115524155, + -794.7794429065323, + -726.4204235328009, + -596.7555086456506, + -450.0601116413651, + -340.5516915355879, + -281.386480973929, + -279.95157504198977, + -298.4298895663035, + -360.3351152394909, + -475.7615976727297, + -632.6043862552923, + -770.2464434290678, + -849.0050807345649, + -882.5792192438735, + -827.615123070284, + -686.1180824703982, + -524.4496928243241, + -389.8610764219998, + -296.5820250142358, + -236.55866540684178, + -204.17223406692446, + -194.47898747554214, + -204.17221619236568, + -236.55862907098123, + -296.5819663985258, + -389.86086595063847, + -524.4494196536368, + -686.1178923979498, + -827.6150096863806, + -882.5792330847412, + -849.0051327577258, + -770.2465158847247, + -632.6044474573617, + -475.76160919355914, + -360.33512581335975, + -298.42986084635896, + -336.1399308291146, + -357.23792603525686, + -429.47886643129124, + -566.3400556594431, + -758.2787521192577, + -928.3864249464367, + -1033.2058968689814, + -1088.426914869143, + -1019.0475948628995, + -835.9465049358771, + -628.0442494122711, + -457.19598033820745, + -342.38127060629705, + -272.2933116925554, + -234.99718359167576, + -224.1598697805746, + -234.99716290540368, + -272.29326895066515, + -342.38119960800293, + -457.1957191733612, + -628.0439060509167, + -835.9462641000343, + -1019.04745042766, + -1088.426938554474, + -1033.2059695319927, + -928.3865112772079, + -758.2788226687317, + -566.3400658939739, + -429.4788769826359, + -357.23789166912985, + -442.95612557471406, + -468.58285776303734, + -561.8071805395276, + -736.2416164487101, + -739.327592358821, + 578.7286678498103, + 2101.6627666251266, + 424.68396534442957, + -939.5936437267338, + -1094.3819005324112, + -852.231689946631, + -604.2132422340029, + -436.6211157112609, + -340.14209551571065, + -292.94189601700515, + -278.6071699116571, + -292.9418692328316, + -340.1420369142987, + -436.6210130141521, + -604.2128556643372, + -852.2312053715449, + -1094.3817302430018, + -939.5943178469679, + 424.6828177183685, + 2101.6625716958724, + 578.7298474939458, + -739.3275108994407, + -736.2416274027195, + -561.8071922217771, + -468.5828117438533, + -588.2377119293579, + -623.3280828921569, + -749.7410331018569, + -738.3078922622558, + 5000, + 5000, + 5000, + 5000, + 5000, + 155.27832978491344, + -1087.5498144274945, + -859.8072586003367, + -601.1322498606536, + -452.0839813659499, + -384.1978885543903, + -364.87305552639026, + -384.19784991806415, + -452.0838905161707, + -601.1320818740193, + -859.8066951941739, + -1087.5499305178594, + 155.2738631439423, 5000, 5000, 5000, 5000, 5000, - -738.3080477705822, - -749.7410210177679, - -623.327988698335, - -720.6091121234628, - -762.5696014118386, - -920.8665828615708, - 523.8025188630519, + -738.3079212150674, + -749.7410478680198, + -623.3280197234867, + -720.6092057948267, + -762.5696593845707, + -920.8665684943604, + 523.8034570333908, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4457091181046, - -1082.7410376102046, - -845.2369312311702, - -618.7502935751337, - -515.6079821560509, - -487.8103929492382, - -515.607982156051, - -618.7502935751332, - -845.23693123117, - -1082.7410376102039, - 1193.4457091181048, + 1193.4470678353564, + -1082.7410669310568, + -845.2369783349066, + -618.7503277598676, + -515.6080145828784, + -487.8104402363814, + -515.6079562889272, + -618.7501825061594, + -845.236726089927, + -1082.7412906473755, + 1193.4312732550768, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8025188630519, - -920.866582861571, - -762.5696014118386, - -791.8291517267963, - -841.7783859856768, - -1027.5374840007814, - 1920.4787353286167, + 523.8033381515354, + -920.866589191436, + -762.5695812871735, + -791.829017749046, + -841.7782423444448, + -1027.5372496685816, + 1920.4847909689704, 5000, 5000, 5000, @@ -15514,15 +15766,15 @@ 5000, 5000, 5000, - 166.82025298014946, - -1084.4087565105078, - -824.0308495025056, - -675.7419571478213, - -636.604088640064, - -675.7419571478212, - -824.0308495025057, - -1084.4087565105076, - 166.8202529801491, + 166.822319935085, + -1084.408772003838, + -824.0308063752326, + -675.7418760350891, + -636.6040160328357, + -675.7417913507147, + -824.030593389907, + -1084.4086452003748, + 166.81128435062178, 5000, 5000, 5000, @@ -15530,13 +15782,13 @@ 5000, 5000, 5000, - 1920.4787353286165, - -1027.5374840007812, - -841.7783859856762, - -818.133571766653, - -877.0598804612325, - -1083.164656520521, - 303.10794958529215, + 1920.484503610966, + -1027.5372829449625, + -841.778157205938, + -818.133526413432, + -877.0598374063208, + -1083.164558253272, + 303.1096089991552, 5000, 5000, 5000, @@ -15545,13 +15797,13 @@ 5000, 5000, 5000, - -940.156548769494, - -1009.0955313883536, - -820.280740575651, - -768.2317830089246, - -820.2807405756511, - -1009.0955313883537, - -940.1565487694938, + -940.1565293386859, + -1009.0956387225789, + -820.2807971035512, + -768.2318516145426, + -820.2806846781352, + -1009.0953933763833, + -940.1578833789772, 5000, 5000, 5000, @@ -15560,13 +15812,13 @@ 5000, 5000, 5000, - 303.1079495852923, - -1083.1646565205206, - -877.0598804612328, - -776.9814527837625, - -828.1435746977581, - -1016.5761706489802, - -967.9506511153471, + 303.1093351687156, + -1083.164609769159, + -877.0597546591238, + -776.9816750578741, + -828.1438020923462, + -1016.5763038430787, + -967.95058961353, 5000, 5000, 5000, @@ -15575,13 +15827,13 @@ 5000, 5000, 5000, - 355.84098545103063, - -1084.5200791988063, - -880.4820301011956, - -820.4992112855527, - -880.4820301011957, - -1084.5200791988075, - 355.8409854510305, + 355.8404772000865, + -1084.5202043123875, + -880.482041299258, + -820.4992449725177, + -880.4819113176918, + -1084.5200293064036, + 355.8329841016308, 5000, 5000, 5000, @@ -15590,14 +15842,14 @@ 5000, 5000, 5000, - -967.9506511153469, - -1016.5761706489802, - -828.1435746977584, - -652.8322049887787, - -691.3474039416227, - -836.3602472672934, - -1095.6675439512217, - 82.4861572441907, + -967.9507051142159, + -1016.5763663988624, + -828.1437364434221, + -652.8321619877254, + -691.3473604112243, + -836.3601165091902, + -1095.6674176894696, + 82.4859964789864, 5000, 5000, 5000, @@ -15605,13 +15857,13 @@ 5000, 5000, 5000, - 1914.544807249249, - -1033.849413673925, - -848.4720821712806, - -797.6929197116519, - -848.4720821712806, - -1033.8494136739248, - 1914.544807249249, + 1914.547994914554, + -1033.84931548552, + -848.4719290392064, + -797.6927882987636, + -848.4718002650361, + -1033.8492294618852, + 1914.5325662836785, 5000, 5000, 5000, @@ -15619,345 +15871,345 @@ 5000, 5000, 5000, - 82.4861572441906, - -1095.6675439512212, - -836.3602472672937, - -691.3474039416226, - -503.6092738056017, - -530.2348405995277, - -630.2788817065962, - -852.011661150751, - -1086.3390854047304, - 1164.7342228010891, + 82.48851274080111, + -1095.667502024, + -836.3601795103691, + -691.3473171078558, + -503.6093855790107, + -530.2349479569712, + -630.2789234449267, + -852.0117120491688, + -1086.3390836707515, + 1164.7323936988798, 5000, 5000, 5000, 5000, 5000, 5000, - 459.29127035377616, - -929.3683584489853, - -771.4359354763869, - -731.6842766641773, - -771.4359354763867, - -929.3683584489855, - 459.29127035377576, + 459.29252335147714, + -929.3684071285688, + -771.4359288227331, + -731.6843047224173, + -771.435818327673, + -929.3682658961758, + 459.2849933687302, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.7342228010891, - -1086.3390854047304, - -852.0116611507511, - -630.2788817065958, - -530.234840599528, - -376.4323448987134, - -395.234165970313, - -461.3839240339525, - -605.6597569089064, - -858.0407508682868, - -1081.8344119313897, - 95.56275366597423, + 1164.7402116140945, + -1086.3390114654392, + -852.0117997426419, + -630.2789777593459, + -530.2349219031172, + -376.43239240136734, + -395.23420556297924, + -461.3839023152781, + -605.6597016087827, + -858.0406089626545, + -1081.8344883525858, + 95.56025224417202, 5000, 5000, 5000, 5000, 5000, - -759.7115724182637, - -761.2054815394279, - -637.807953297385, - -604.7188311656693, - -637.8079532973848, - -761.2054815394272, - -759.7115724182636, - 5000, - 5000, - 5000, - 5000, - 5000, - 95.56275366597427, - -1081.8344119313897, - -858.0407508682866, - -605.6597569089067, - -461.3839240339527, - -395.2341659703131, - -285.74040237372003, - -300.1658692180224, - -345.88952026017967, - -439.12180141488733, - -601.9208936912817, - -845.2031233125117, - -1085.5251752832962, - -967.2592214840358, - 242.37171883585705, - 1746.9090244637298, - 408.6786674523684, - -757.4999082283572, - -738.9640017019149, - -570.4393476935759, - -481.69483408127263, - -457.1129052345794, - -481.6948340812726, - -570.4393476935757, - -738.964001701915, - -757.499908228357, - 408.67866745236887, - 1746.9090244637293, - 242.3717188358562, - -967.2592214840357, - -1085.525175283296, - -845.2031233125116, - -601.9208936912819, - -439.1218014148873, - -345.88952026017967, - -300.16586921802235, - -228.55049558876127, - -238.71478018074754, - -275.23756579910355, - -343.7790488364591, - -455.5489774544393, - -621.8884330122441, - -825.0736869079856, - -1007.4319231283752, - -1079.8295091629052, - -1028.5543529745717, - -922.3112765316685, - -752.946759161283, - -566.2702411320279, - -434.5093909349443, - -365.22997103273633, - -344.8689315790468, - -365.22997103273644, - -434.50939093494435, - -566.2702411320278, - -752.9467591612826, - -922.3112765316685, - -1028.5543529745719, - -1079.829509162905, - -1007.4319231283752, - -825.0736869079858, - -621.8884330122438, - -455.54897745443924, - -343.77904883645897, - -275.2375657991036, - -238.71478018074743, - -196.30188267654574, - -205.72825785065052, - -237.2859264787941, - -296.60277826123314, - -389.22257884600043, - -521.6443000496008, - -681.8814239978403, - -821.7043451476824, - -876.1238250714426, - -842.0205589576387, - -763.785261881242, - -628.947935583429, - -474.6918391704302, - -362.02953509489816, - -301.38831009602904, - -283.0527494112331, - -301.3883100960292, - -362.02953509489816, - -474.6918391704299, - -628.9479355834287, - -763.7852618812421, - -842.0205589576387, - -876.1238250714428, - -821.7043451476827, - -681.8814239978402, - -521.6443000496006, - -389.2225788460004, - -296.60277826123314, - -237.28592647879404, - -205.7282578506505, - -184.84766549462813, - -195.38212349930032, - -226.32465261910784, - -282.2132774800933, - -371.0419881236327, - -495.6844180543945, - -645.0198291387304, - -773.3751169269823, - -819.6588198181454, - -794.7793695440533, - -726.4203815431065, - -596.7555148000682, - -450.060141703288, - -340.5517254791628, - -281.3865234272272, - -263.59192862738695, - -281.38652342722736, - -340.55172547916277, - -450.06014170328785, - -596.7555148000686, - -726.4203815431065, - -794.7793695440535, - -819.6588198181457, - -773.3751169269824, - -645.0198291387304, - -495.6844180543944, - -371.04198812363245, - -282.21327748009344, - -226.3246526191078, - -195.3821234993005, - -194.47898131963154, - -204.17223150055142, - -236.55864833576467, - -296.5819866621484, - -389.8609880113379, - -524.449552165503, - -686.117956555396, - -827.6149637736328, - -882.5790493127463, - -849.00488001919, - -770.2463205488872, - -632.6043295172184, - -475.7615514861344, - -360.3350976779406, - -298.429852817187, - -279.95155029523914, - -298.4298528171869, - -360.3350976779406, - -475.7615514861342, - -632.6043295172185, - -770.2463205488873, - -849.0048800191898, - -882.5790493127464, - -827.6149637736328, - -686.1179565553961, - -524.4495521655033, - -389.860988011338, - -296.5819866621483, - -236.55864833576473, - -204.17223150055133, - -224.1598556913247, - -234.99717282362568, - -272.2932845229156, - -342.3812170582118, - -457.19586650300596, - -628.0440743402913, - -835.946357377067, - -1019.0474102073349, - -1088.4267256166931, - -1033.2056938310784, - -928.3863134865195, - -758.2786999489135, - -566.3400003326097, - -429.47883807096053, - -357.2378686884688, - -336.13988453517885, - -357.23786868846884, - -429.47883807096053, - -566.3400003326096, - -758.2786999489138, - -928.3863134865195, - -1033.2056938310784, - -1088.4267256166925, - -1019.0474102073347, - -835.9463573770671, - -628.0440743402908, - -457.195866503006, - -342.3812170582118, - -272.2932845229156, - -234.99717282362565, - -278.6072160888182, - -292.9419481560449, - -340.1421356645404, - -436.62113796858966, - -604.2132127661812, - -852.2316331565077, - -1094.3819905786659, - -939.5940340881865, - 424.6841078382713, - 2101.663218190764, - 578.7291295075337, - -739.3276790748096, - -736.2416966920841, - -561.807254849348, - -468.5828769368571, - -442.9561530131504, - -468.58287693685725, - -561.8072548493482, - -736.2416966920838, - -739.3276790748097, - 578.7291295075338, - 2101.6632181907644, - 424.68410783827136, - -939.5940340881863, - -1094.3819905786656, - -852.2316331565074, - -604.2132127661812, - -436.62113796858966, - -340.1421356645406, - -292.94194815604476, - -364.8730654655851, - -384.1979058512184, - -452.08398364082547, - -601.1322230304996, - -859.8071572417244, - -1087.5498451124192, - 155.27779427520366, - 5000, - 5000, - 5000, - 5000, - 5000, - -738.3080496694785, - -749.741022203544, - -623.3279895135646, - -588.2376173470317, - -623.3279895135648, - -749.7410222035439, - -738.3080496694786, + -759.7118940288068, + -761.205533263812, + -637.808017552647, + -604.7189188792364, + -637.8079340715702, + -761.2053539241906, + -759.712635768394, + 5000, + 5000, + 5000, + 5000, + 5000, + 95.5638564419192, + -1081.8343865591871, + -858.040793207327, + -605.6597699893094, + -461.383944118537, + -395.23418951727905, + -285.74037068985336, + -300.1658347916115, + -345.88945367163143, + -439.1217308165311, + -601.9207831238333, + -845.2029418192003, + -1085.5250411318677, + -967.2591555908467, + 242.370160560594, + 1746.9059424618943, + 408.67800603268404, + -757.4999678821887, + -738.9639792269459, + -570.4393100689366, + -481.6947876835508, + -457.1128630767028, + -481.6947277902819, + -570.4391700751344, + -738.9637982573961, + -757.5007505487882, + 408.6736459259565, + 1746.9063536282667, + 242.37323152737306, + -967.2585642595606, + -1085.5251652367738, + -845.2031756393103, + -601.9209189138035, + -439.1217785961808, + -345.889485210605, + -300.16582388533595, + -228.55051199455502, + -238.71479505301235, + -275.2375582959908, + -343.7790447507654, + -455.5489580939685, + -621.888383425073, + -825.073687769326, + -1007.4319644418655, + -1079.8295549874308, + -1028.5544157650572, + -922.3113771647759, + -752.9468502636729, + -566.2702974865414, + -434.5094246569721, + -365.2299917214296, + -344.86895476337133, + -365.2299455796824, + -434.50932083736467, + -566.2701276261087, + -752.9464436993585, + -922.3110997091795, + -1028.554285221647, + -1079.8295454255535, + -1007.4320899643409, + -825.073881021776, + -621.888555050453, + -455.54905453952256, + -343.77908079618794, + -275.23758343134244, + -238.7147865574494, + -196.30187391777062, + -205.72824825093775, + -237.28589937026155, + -296.60275527073924, + -389.222546774632, + -521.6442506777785, + -681.8814222682266, + -821.70435767904, + -876.1237831498063, + -842.020513711226, + -763.7853155385404, + -628.9480228733918, + -474.6918848007745, + -362.02954409795865, + -301.3882952877211, + -283.0527337337886, + -301.38825471594987, + -362.02945452703744, + -474.69174175700186, + -628.9476895506378, + -763.7850970951424, + -842.0204251982509, + -876.1237800241125, + -821.704456942975, + -681.8815793343649, + -521.6443920907976, + -389.2226277998524, + -296.6027866142546, + -237.28592145364345, + -205.72824070998266, + -184.84763381073415, + -195.38208906859268, + -226.32459629299606, + -282.213212715311, + -371.0418922376225, + -495.68427061946835, + -645.0196893198718, + -773.3749858900529, + -819.6586935814921, + -794.7792767228503, + -726.4203471190565, + -596.7555032580474, + -450.0601192269732, + -340.55169449715066, + -281.38648221057036, + -263.59189000636906, + -281.3864425741649, + -340.55160735024526, + -450.05998037613915, + -596.7551818824429, + -726.4201411609, + -794.779207441899, + -819.6586940001067, + -773.3750763607954, + -645.0198386427594, + -495.6844063667686, + -371.04197010885156, + -282.21324303953725, + -226.32461739203552, + -195.38208175506904, + -194.4789482506793, + -204.17219708302437, + -236.5585937140357, + -296.5819304516554, + -389.860914033553, + -524.4494501007973, + -686.1178933539687, + -827.6148974918342, + -882.5788886035702, + -849.0046974714971, + -770.2462894271057, + -632.6043807112247, + -475.7615746828422, + -360.3350873987961, + -298.4298199822108, + -279.9515169096851, + -298.42977864067365, + -360.3349960301193, + -475.7614285388373, + -632.6040400239639, + -770.2460665635757, + -849.004610190036, + -882.5788870597335, + -827.6149984922737, + -686.1180533861761, + -524.4495941928542, + -389.8609963452107, + -296.581962191181, + -236.5586158986543, + -204.17218954323462, + -224.15984862129145, + -234.99716596895755, + -272.2932612386978, + -342.38120977020685, + -457.19587008611825, + -628.0440957928178, + -835.9464950010525, + -1019.0475919486812, + -1088.426785222019, + -1033.2056973111676, + -928.3864869284668, + -758.2789355477419, + -566.3401505863892, + -429.47891311186584, + -357.2379049124372, + -336.13991705697475, + -357.23785726897097, + -429.4788056328735, + -566.3399749478292, + -758.2785208724733, + -928.3862156782184, + -1033.2055667233387, + -1088.4267673495608, + -1019.0477182972246, + -835.946693861306, + -628.0442728906468, + -457.19596907498374, + -342.38124637474954, + -272.2932865611022, + -234.99715710558772, + -278.6071183906994, + -292.94184886404116, + -340.14200683227784, + -436.6210108058138, + -604.2130598113702, + -852.2314356059571, + -1094.3817228265316, + -939.5925357380875, + 424.68739588077267, + 2101.6661600212174, + 578.7309301401019, + -739.3274750773013, + -736.2416840811516, + -561.8071910965391, + -468.5827746669645, + -442.95604674635655, + -468.5827124021797, + -561.8070459070545, + -736.2415002397344, + -739.3283818757844, + 578.7259963078178, + 2101.6665712983436, + 424.690848092578, + -939.5918455396155, + -1094.3818375376948, + -852.2316760770523, + -604.2131993319263, + -436.6210594264089, + -340.1420385105125, + -292.9418374784923, + -364.872924032774, + -384.19776140185013, + -452.0837902680209, + -601.1320157865011, + -859.8069064301412, + -1087.5498971601628, + 155.27749771731237, + 5000, + 5000, + 5000, + 5000, + 5000, + -738.3079290556228, + -749.7409504343418, + -623.3278898752443, + -588.2375180903009, + -623.3278037409023, + -749.7407669189469, + -738.3087344464723, 5000, 5000, 5000, 5000, 5000, - 155.2777942752034, - -1087.5498451124195, - -859.8071572417244, - -601.1322230304996, - -452.08398364082564, - -384.1979058512183, - -487.8103929270031, - -515.6079821055607, - -618.7502935130823, - -845.2369311765289, - -1082.741037536099, - 1193.44570919399, + 155.28139226978095, + -1087.549790380403, + -859.8070950908661, + -601.1320850986704, + -452.0838322006622, + -384.19774472987103, + -487.81016461831814, + -515.6077439008559, + -618.7499557979775, + -845.2365337874365, + -1082.741109782002, + 1193.4328016976492, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8025187183845, - -920.866582971939, - -762.5696015068324, - -720.6091121620136, - -762.5696015068324, - -920.8665829719388, - 523.8025187183848, + 523.8027800245655, + -920.8664719794558, + -762.5694701165253, + -720.6089943413042, + -762.5693574253245, + -920.8663308075584, + 523.7949585729898, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4457091939908, - -1082.7410375360987, - -845.2369311765289, - -618.7502935130824, - -515.607982105561, - -636.604089087382, - -675.7419575564484, - -824.030850057891, - -1084.4087571809323, - 166.8202521364375, + 1193.4406979293917, + -1082.741037462907, + -845.2366222674541, + -618.7500102399634, + -515.6077170763206, + -636.6035366860739, + -675.741400355556, + -824.0301753077439, + -1084.408245303247, + 166.81476000995931, 5000, 5000, 5000, @@ -15965,13 +16217,13 @@ 5000, 5000, 5000, - 1920.478734592953, - -1027.5374846350153, - -841.7783864781029, - -791.8291522507337, - -841.7783864781032, - -1027.537484635015, - 1920.4787345929533, + 1920.4856730050299, + -1027.5371713536076, + -841.7781319953491, + -791.8288958901087, + -841.7780022202896, + -1027.5370846094359, + 1920.4702404606244, 5000, 5000, 5000, @@ -15979,14 +16231,14 @@ 5000, 5000, 5000, - 166.82025213643723, - -1084.4087571809325, - -824.0308500578911, - -675.7419575564486, - -768.2317832620769, - -820.2807408343593, - -1009.0955316944049, - -940.1565491522359, + 166.81737250875372, + -1084.4083279664962, + -824.0302385334678, + -675.7413565564002, + -768.2315521485017, + -820.2805288656822, + -1009.0952501762653, + -940.1561381366641, 5000, 5000, 5000, @@ -15995,13 +16247,13 @@ 5000, 5000, 5000, - 303.10794926335944, - -1083.164656780896, - -877.0598806779989, - -818.1335719831513, - -877.0598806779988, - -1083.1646567808964, - 303.10794926335916, + 303.1083910076681, + -1083.164500312877, + -877.0596974810736, + -818.1334123954408, + -877.0595680168773, + -1083.1643222630175, + 303.1011549277176, 5000, 5000, 5000, @@ -16010,13 +16262,13 @@ 5000, 5000, 5000, - -940.1565491522359, - -1009.0955316944049, - -820.2807408343592, - -820.4992113137948, - -880.482030124015, - -1084.5200791642096, - 355.8409854778324, + -940.1562431609306, + -1009.0953132095821, + -820.2804630833821, + -820.4990511704056, + -880.481888007108, + -1084.5198599971725, + 355.8402501703647, 5000, 5000, 5000, @@ -16025,13 +16277,13 @@ 5000, 5000, 5000, - -967.9506511357174, - -1016.5761707192152, - -828.1435747629214, - -776.9814528409553, - -828.1435747629212, - -1016.5761707192148, - -967.9506511357174, + -967.9510981054142, + -1016.576073091023, + -828.1434587802449, + -776.9813645517228, + -828.1433479718385, + -1016.5758282698008, + -967.9523506492491, 5000, 5000, 5000, @@ -16040,13 +16292,13 @@ 5000, 5000, 5000, - 355.84098547783276, - -1084.5200791642092, - -880.4820301240151, - -797.6929198293875, - -848.4720823108867, - -1033.8494138496626, - 1914.544807020337, + 355.8399860057891, + -1084.5199124301882, + -880.4818051508781, + -797.6927228933546, + -848.4719325701832, + -1033.8491213545433, + 1914.547809215266, 5000, 5000, 5000, @@ -16054,15 +16306,15 @@ 5000, 5000, 5000, - 82.48615666602745, - -1095.6675443964198, - -836.3602476334264, - -691.3474042614938, - -652.8322052914787, - -691.347404261494, - -836.3602476334263, - -1095.6675443964195, - 82.48615666602728, + 82.48750869743506, + -1095.6674112952937, + -836.3599652964025, + -691.3470727872858, + -652.8318793084806, + -691.3469900447709, + -836.359755958686, + -1095.667272283972, + 82.47701648401613, 5000, 5000, 5000, @@ -16070,343 +16322,343 @@ 5000, 5000, 5000, - 1914.5448070203386, - -1033.849413849663, - -848.472082310887, - -731.6842773571259, - -771.4359362472853, - -929.3683594676326, - 459.29126891407793, + 1914.547511553158, + -1033.8491549158614, + -848.4718477143897, + -731.6841521125341, + -771.4358349550196, + -929.3681987629584, + 459.2948490166443, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.7342209365759, - -1086.3390867823025, - -852.0116621552492, - -630.27888246064, - -530.2348411965721, - -503.6092743563563, - -530.2348411965717, - -630.27888246064, - -852.0116621552488, - -1086.3390867823025, - 1164.7342209365754, + 1164.742323444091, + -1086.3389630028971, + -852.0117075969408, + -630.2788354711014, + -530.2347541807583, + -503.6091906004802, + -530.2346975490723, + -630.2786938448761, + -852.0114598391696, + -1086.3391767125765, + 1164.7266941648015, 5000, 5000, 5000, 5000, 5000, 5000, - 459.291268914078, - -929.3683594676326, - -771.4359362472851, - -604.7188311444977, - -637.8079532672149, - -761.205481538661, - -759.7115724698172, + 459.2947205495121, + -929.3682187017109, + -771.4357581748709, + -604.7189226967786, + -637.8080694026147, + -761.205596828787, + -759.710837412296, 5000, 5000, 5000, 5000, 5000, - 95.56275356264518, - -1081.8344120373154, - -858.0407509971578, - -605.659757063889, - -461.3839241865088, - -395.23416611504405, - -376.43234505332657, - -395.2341661150442, - -461.38392418650864, - -605.6597570638888, - -858.040750997158, - -1081.8344120373156, - 95.56275356264526, - 5000, - 5000, - 5000, - 5000, - 5000, - -759.7115724698177, - -761.2054815386618, - -637.8079532672151, - -457.1129052174497, - -481.6948340975013, - -570.4393478281899, - -738.9640020574211, - -757.4999089493188, - 408.67866620089745, - 1746.909022546078, - 242.3717162922186, - -967.2592244648283, - -1085.5251783034807, - -845.2031259758992, - -601.9208957622608, - -439.1218028901854, - -345.88952126692425, - -300.16586993200684, - -285.74040297310324, - -300.16586993200696, - -345.8895212669241, - -439.1218028901855, - -601.9208957622616, - -845.203125975899, - -1085.5251783034805, - -967.259224464828, - 242.37171629221874, - 1746.9090225460777, - 408.67866620089745, - -757.4999089493186, - -738.9640020574207, - -570.4393478281899, - -481.6948340975014, - -344.86893335748937, - -365.22997325699225, - -434.5093946264895, - -566.2702477113805, - -752.9467701347877, - -922.3112924436591, - -1028.5543725888917, - -1079.8295303358034, - -1007.4319429677408, - -825.0737026954772, - -621.888443925224, - -455.5489843272365, - -343.77905301469764, - -275.23756842007583, - -238.71478200210043, - -228.5504971807317, - -238.71478200210043, - -275.2375684200759, - -343.77905301469764, - -455.5489843272365, - -621.888443925224, - -825.0737026954766, - -1007.431942967741, - -1079.8295303358036, - -1028.5543725888913, - -922.3112924436593, - -752.9467701347879, - -566.2702477113809, - -434.5093946264895, - -365.22997325699225, - -283.05275104576657, - -301.38831201615557, - -362.0295380488831, - -474.6918442746517, - -628.9479435798141, - -763.785271806961, - -842.0205693793956, - -876.1238351683307, - -821.7043531537036, - -681.8814293005967, - -521.6443034572475, - -389.22258122758274, - -296.6027800924391, - -237.28592801216013, - -205.7282592274127, - -196.30188399604395, - -205.7282592274128, - -237.28592801215996, - -296.60278009243933, - -389.22258122758296, - -521.6443034572476, - -681.8814293005966, - -821.7043531537033, - -876.1238351683306, - -842.0205693793955, - -763.7852718069608, - -628.9479435798147, - -474.69184427465206, - -362.0295380488831, - -301.38831201615574, - -321.0487371549545, - -349.02367302278634, - -449.77366318467784, - -625.0863034268667, - -597.2892646377969, - 764.2956045454251, - 2809.0072788919433, - 1723.8147396830268, - -328.79034888958273, - -903.0647758066101, - -751.7768945990036, - -528.2718962756386, - -371.6580043329854, - -282.1174528029952, - -236.0739691761412, - -223.3480214326106, - -236.07396917614113, - -282.1174528029952, - -371.6580043329853, - -528.2718962756386, - -751.7768945990033, - -903.0647758066103, - -328.79034888958245, - 1723.8147396830263, - 2809.0072788919447, - 764.295604545425, - -597.2892646377968, - -625.0863034268666, - -449.77366318467796, - -349.02367302278634, - -346.2460154695092, - -375.11595103392864, - -473.95022755472763, - -643.4526554400476, - -545.6360407150496, - 1377.9234967204477, - 3864.325211611229, - 1825.5082995753717, - -437.2966989786784, - -944.5604630599966, - -771.845993145867, - -544.3087058322993, - -386.46618754933405, - -295.6048735831685, - -249.56172085215218, - -234.47503525199144, - -249.5617208521522, - -295.6048735831687, - -386.46618754933394, - -544.3087058322994, - -771.8459931458669, - -944.5604630599966, - -437.2966989786785, - 1825.508299575372, - 3864.325211611229, - 1377.923496720448, - -545.6360407150498, - -643.4526554400472, - -473.95022755472763, - -375.1159510339285, - -442.9561325819617, - -468.58285732027525, - -561.8072375326227, - -736.2416793108642, - -739.3276121363955, - 578.7295459537721, - 2101.6639318531716, - 424.68431500922355, - -939.5940140270039, - -1094.3819818831555, - -852.2316267794388, - -604.2132048834378, - -436.6211275841973, - -340.1421237381678, - -292.94193527159894, - -278.607202906219, - -292.9419352715989, - -340.14212373816764, - -436.6211275841973, - -604.2132048834376, - -852.2316267794392, - -1094.3819818831548, - -939.5940140270035, - 424.68431500922304, - 2101.6639318531716, - 578.7295459537726, - -739.327612136395, - -736.2416793108642, - -561.8072375326232, - -468.58285732027525, - -616.2740518584609, - -635.3357589495641, - -731.4669880642742, - -933.9486576018894, - -1097.1868741463854, - -612.6637283948604, - 173.10870564914754, - -417.00683934282125, - -1252.649560764118, - -1333.9941571154616, - -1039.6389279696089, - -740.8558880506474, - -540.1824022066546, - -432.60645860894044, - -380.3598664162441, - -365.00698365836894, - -380.359866416244, - -432.60645860894056, - -540.1824022066548, - -740.8558880506473, - -1039.6389279696089, - -1333.9941571154613, - -1252.6495607641175, - -417.0068393428213, - 173.10870564914757, - -612.6637283948602, - -1097.1868741463861, - -933.9486576018897, - -731.4669880642742, - -635.335758949564, - -619.3827300831962, - -573.0139922006756, - -770.0738848478434, - -1105.3695071489065, - 167.02372734268909, - 5000, - 5000, - 5000, - 5000, - -454.5155871474096, - -1251.0771456775753, - -991.2844838008516, - -734.4315902251644, - -594.5524700283196, - -533.1746067177927, - -517.3390578251048, - -533.1746067177928, - -594.5524700283197, - -734.4315902251643, - -991.2844838008523, - -1251.0771456775751, - -454.51558714740935, + 95.56807364662143, + -1081.834298369525, + -858.0411361128017, + -605.6599650076579, + -461.38403421919054, + -395.2342340378531, + -376.4324131903008, + -395.23419665467014, + -461.3839459543773, + -605.6598014041784, + -858.0405860878798, + -1081.8344109222276, + 95.5638902873794, + 5000, + 5000, + 5000, + 5000, + 5000, + -759.71086783844, + -761.2056111000046, + -637.8080073861892, + -457.11293448763763, + -481.6948934714798, + -570.4394343435062, + -738.9641528437645, + -757.498541546483, + 408.6907470314808, + 1746.9327580546715, + 242.38170365813914, + -967.2575542412635, + -1085.525461875973, + -845.2036004028724, + -601.9211773228964, + -439.1219191696892, + -345.88956276996225, + -300.165876122709, + -285.74040847519245, + -300.16585018267824, + -345.88950595867226, + -439.1218194574272, + -601.9208008172945, + -845.2031267604565, + -1085.5252823957405, + -967.2581276459237, + 242.38069178893136, + 1746.9325582848417, + 408.69177782404796, + -757.4984762853943, + -738.9641630765173, + -570.439445707274, + -481.69484832793984, + -344.8688311319494, + -365.2298836141639, + -434.5092798750116, + -566.2701566435818, + -752.946667450333, + -922.3112570040961, + -1028.5544165735319, + -1079.8295037061612, + -1007.4319004165175, + -825.0736523849457, + -621.8884599016583, + -455.5489761009787, + -343.77901314343876, + -275.2375194400061, + -238.7147254653331, + -228.55044623671898, + -238.714705278499, + -275.23747772660744, + -343.77894387656465, + -455.54872111893314, + -621.8881248688506, + -825.0734170876691, + -1007.4317555742723, + -1079.8295235289468, + -1028.5544881309158, + -922.3113433554265, + -752.9467360157976, + -566.2701662058734, + -434.5092901521395, + -365.22984989029516, + -283.05273157440075, + -301.3883072837407, + -362.0295236041752, + -474.69187472232244, + -628.9480018535278, + -763.785383109332, + -842.0206785776145, + -876.1238869236944, + -821.7044742672878, + -681.881560220825, + -521.6444431088373, + -389.22265774850706, + -296.60280182090503, + -237.28592698058418, + -205.72824356381955, + -196.3018717247549, + -205.72822595665355, + -237.28589117261546, + -296.60274409905077, + -389.22245042204435, + -521.6441740425191, + -681.881372806591, + -821.7043621242673, + -876.1239009437513, + -842.0207303175325, + -763.7854536031738, + -628.9480615341363, + -474.6918858101671, + -362.0295340520406, + -301.3882788846839, + -321.04872528953894, + -349.0236793878684, + -449.7736365167478, + -625.0863159087726, + -597.2895827667608, + 764.2934003358787, + 2809.0051078687075, + 1723.8149890587026, + -328.7895205143509, + -903.0647217272143, + -751.7770157197363, + -528.2719724939979, + -371.6580145195487, + -282.1174413193962, + -236.07394338985958, + -223.3480016296047, + -236.07391755273218, + -282.11738554892327, + -371.6579170664432, + -528.2716117283859, + -751.7765833181767, + -903.0647443549875, + -328.7909959185793, + 1723.8136654550851, + 2809.0055068646725, + 764.294649281679, + -597.2894898011639, + -625.0863344133377, + -449.7736507694032, + -349.02363774978943, + -346.2460588257762, + -375.1160162089179, + -473.9502761915023, + -643.4527715947155, + -545.6364518507115, + 1377.920904719312, + 3864.3209538683545, + 1825.505982263259, + -437.2968257194794, + -944.5607317610567, + -771.8463016765305, + -544.3089025543395, + -386.46627390916717, + -295.60491161352087, + -249.56173231541936, + -234.47504886760692, + -249.56170625922104, + -295.6048551950811, + -386.4661754925247, + -544.3085375107354, + -771.8458603474572, + -944.560716061544, + -437.29823235719994, + 1825.5042732588038, + 3864.321048785233, + 1377.9226688570454, + -545.6363004983126, + -643.4527879592043, + -473.9502896825787, + -375.1159735403712, + -442.9560860517155, + -468.58282035313783, + -561.8071467039481, + -736.2416373658136, + -739.3285669107612, + 578.7213452195779, + 2101.6481877911365, + 424.67668947180914, + -939.5951919838001, + -1094.382066951393, + -852.2316820328685, + -604.2132275278697, + -436.6211033031924, + -340.14208306172605, + -292.9418826172871, + -278.6071562855034, + -292.9418558331136, + -340.1420244603152, + -436.6210006060872, + -604.2128409582118, + -852.2311974577274, + -1094.3818966614813, + -939.5958661008758, + 424.67554185058805, + 2101.647992862434, + 578.722524857991, + -739.3284854520641, + -736.2416483198218, + -561.8071583861982, + -468.5827743339551, + -616.2740577483138, + -635.3357565528108, + -731.4669240830468, + -933.9486272349803, + -1097.1869020564504, + -612.6644697629653, + 173.1073163104634, + -417.00781880029314, + -1252.6495544481113, + -1333.994155106697, + -1039.6390519724068, + -740.8559506606747, + -540.1823874544317, + -432.6064120983339, + -380.35980404320935, + -365.00692567637054, + -380.3597746294656, + -432.6063458026339, + -540.1822680197324, + -740.8554918159093, + -1039.638472616903, + -1333.993875781863, + -1252.6497195710815, + -417.00806653309155, + 173.10699998821963, + -612.6643184274492, + -1097.186986071865, + -933.9486371262287, + -731.4669316326766, + -635.335704554167, + -619.3821028929386, + -573.0130179002064, + -770.0730888829344, + -1105.3693210656813, + 167.02328668191637, + 5000, + 5000, + 5000, + 5000, + -454.5152858116841, + -1251.0772215252991, + -991.284639947194, + -734.4316581258071, + -594.5524987099892, + -533.1746216027753, + -517.3390772101411, + -533.1745863015656, + -594.5524137693424, + -734.4314969406942, + -991.2840744844133, + -1251.0771354283415, + -454.5173513268163, 5000, 5000, 5000, 5000, - 167.0237273426892, - -1105.3695071489058, - -770.0738848478433, - -573.0139922006758, - 637.2640773453089, - 1237.326239546742, - 383.9066795999899, - -688.1113323075992, + 167.02348792731902, + -1105.3693751392982, + -770.0730450372854, + -573.0129996118045, + 637.2663320887374, + 1237.3303665200658, + 383.91005355735183, + -688.1097965266653, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2325223421981, - -1244.1660888370448, - -1027.0668708716075, - -837.8571581042164, - -756.6562719816053, - -738.0353629530558, - -756.6562719816054, - -837.8571581042164, - -1027.0668708716075, - -1244.1660888370457, - 794.2325223421976, + 794.2344470374925, + -1244.1659509669535, + -1027.066735172152, + -837.856956411778, + -756.6560430529321, + -738.035132779401, + -756.6559975837849, + -837.856837511364, + -1027.066513058601, + -1244.16606988041, + 794.2205983205869, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1113323075997, - 383.90667959998984, - 1237.326239546742, - 2746.293967426784, - 3871.9548885980344, - 1924.2521665940012, - 64.46655162704164, + -688.1101730647013, + 383.91046094567946, + 1237.3300512406504, + 2746.3052264691755, + 3871.9727612536763, + 1924.26466253667, + 64.47007942932154, 5000, 5000, 5000, @@ -16414,15 +16666,15 @@ 5000, 5000, 5000, - -449.0742893006098, - -1321.7196231058317, - -1087.2321550877032, - -944.5815527254755, - -906.2909148424267, - -944.5815527254753, - -1087.2321550877034, - -1321.7196231058315, - -449.07428930060945, + -449.0728227195419, + -1321.7196337205596, + -1087.2320463602468, + -944.5813354247807, + -906.2906877896598, + -944.5812756391789, + -1087.231874670382, + -1321.7194115845543, + -449.08023936678967, 5000, 5000, 5000, @@ -16430,13 +16682,13 @@ 5000, 5000, 5000, - 64.46655162704167, - 1924.2521665940008, - 3871.9548885980344, - 1853.0797481018128, - 1973.095359596372, - 438.03894433220404, - -422.2524891883861, + 64.46879626093408, + 1924.26552738085, + 3871.9721232500697, + 1853.0915382817052, + 1973.1090283163996, + 438.04723551127927, + -422.25039944592953, 5000, 5000, 5000, @@ -16445,13 +16697,13 @@ 5000, 5000, 5000, - -1258.6796755295518, - -990.5520940138557, - -519.3246014015594, - -406.6642766222489, - -519.3246014015592, - -990.5520940138551, - -1258.6796755295516, + -1258.6791940684154, + -990.5508406881656, + -519.3222446383108, + -406.6618844335343, + -519.3221641623355, + -990.5505831881754, + -1258.679196611893, 5000, 5000, 5000, @@ -16460,13 +16712,13 @@ 5000, 5000, 5000, - -422.2524891883862, - 438.03894433220427, - 1973.0953595963736, - -244.57452872602155, - -368.5846994848429, - -913.1710158576057, - -1228.8181957618283, + -422.25183827124397, + 438.047631549738, + 1973.1089440253675, + -244.56915613331248, + -368.5796861132467, + -913.1683673441727, + -1228.8173792438122, 5000, 5000, 5000, @@ -16475,13 +16727,13 @@ 5000, 5000, 5000, - -462.24652574830617, - 228.3137976986608, - 1640.3739365883573, - 1588.345589482642, - 1640.373936588357, - 228.3137976986608, - -462.2465257483062, + -462.2439194325326, + 228.32263080251474, + 1640.387948459797, + 1588.3575863777312, + 1640.388050967409, + 228.32299141608235, + -462.2447058614762, 5000, 5000, 5000, @@ -16490,14 +16742,14 @@ 5000, 5000, 5000, - -1228.818195761829, - -913.1710158576055, - -368.5846994848429, - -897.1186403655227, - -938.6692445323571, - -1091.3582141707018, - -1325.8072804420303, - -442.6747365951215, + -1228.8179015160233, + -913.168351947499, + -368.5796265766248, + -897.118397680144, + -938.6690288884074, + -1091.3580325914872, + -1325.8072547553422, + -442.676226974029, 5000, 5000, 5000, @@ -16505,13 +16757,13 @@ 5000, 5000, 5000, - 89.2134426378099, - 1912.3633086998625, - 3911.935528935985, - 2849.7481954969985, - 3911.935528935984, - 1912.3633086998632, - 89.21344263780998, + 89.21554618686577, + 1912.3727938479606, + 3911.947500173393, + 2849.7564162519775, + 3911.9476034017644, + 1912.3731349193126, + 89.21371328425899, 5000, 5000, 5000, @@ -16519,345 +16771,345 @@ 5000, 5000, 5000, - -442.6747365951213, - -1325.8072804420303, - -1091.3582141707018, - -938.6692445323571, - -764.9281037096677, - -782.0503919617007, - -859.504878297118, - -1040.7071690415034, - -1248.1402515549405, - 785.7346305386911, + -442.67506059738355, + -1325.8073905735027, + -1091.3580960280324, + -938.6690001503862, + -764.9282767460003, + -782.0505496965499, + -859.5049584235197, + -1040.7072491444337, + -1248.1403110412793, + 785.7326377277063, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2583986008741, - 607.3824644372409, - 1584.5355336043426, - 890.2664415509281, - 1584.5355336043406, - 607.3824644372404, - -655.2583986008741, + -655.2569938615038, + 607.3900109287649, + 1584.545169786573, + 890.2729180815721, + 1584.5452528534809, + 607.390245729707, + -655.2578909930261, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7346305386916, - -1248.14025155494, - -1040.707169041503, - -859.5048782971177, - -782.0503919617006, - -539.854161441199, - -554.2916953711552, - -611.6875916368602, - -744.9268793327168, - -991.8967494548791, - -1241.5111105607887, - -436.8779005877279, + 785.7391356718991, + -1248.1402899827071, + -1040.7073382397004, + -859.5050188636917, + -782.0505322578158, + -539.8542861055632, + -554.2918036632042, + -611.6876217429459, + -744.9268692509279, + -991.8966487465334, + -1241.5112040452623, + -436.8799832949024, 5000, 5000, 5000, 5000, - -3.960419623988207, - -1105.6084560380982, - -723.3115792179814, - -503.07995238911735, - -571.5506290758094, - -503.0799523891172, - -723.3115792179813, - -1105.6084560380975, - -3.96041962398828, - 5000, - 5000, - 5000, - 5000, - -436.8779005877278, - -1241.5111105607875, - -991.896749454879, - -744.9268793327167, - -611.6875916368601, - -554.2916953711555, - -380.2188870028442, - -393.9645069567951, - -443.5605089356442, - -546.1573651741776, - -739.2670128326774, - -1028.7700742528225, - -1314.3752493874176, - -1233.8870973873509, - -456.14726215272947, - -0.07629823303557551, - -724.5479707286935, - -1113.944315855477, - -940.5488274661349, - -743.3070979838259, - -650.5091997295373, - -634.6080975323746, - -650.5091997295372, - -743.3070979838258, - -940.5488274661353, - -1113.9443158554773, - -724.5479707286937, - -0.07629823303560279, - -456.14726215272947, - -1233.88709738735, - -1314.3752493874167, - -1028.7700742528227, - -739.2670128326774, - -546.1573651741776, - -443.5605089356443, - -393.9645069567947, - -285.74039183690695, - -300.16585902119016, - -345.8895111169037, - -439.12179434140654, - -601.9208905937952, - -845.20312557296, - -1085.525184821478, - -967.2592894849186, - 242.37114810068442, - 1746.9074416782703, - 408.6777843376909, - -757.5000385729643, - -738.9640136966138, - -570.4393514535428, - -481.6948373866499, - -457.1129086895058, - -481.69483738664997, - -570.4393514535427, - -738.9640136966137, - -757.500038572964, - 408.67778433769024, - 1746.90744167827, - 242.37114810068408, - -967.2592894849187, - -1085.5251848214775, - -845.2031255729596, - -601.9208905937953, - -439.12179434140654, - -345.88951111690375, - -300.16585902119016, - -237.7023048416729, - -251.91539562172767, - -297.59132701729885, - -387.32955219010637, - -543.0939294724622, - -767.467762634412, - -940.9824006995418, - -457.9904160394234, - 1781.507757510314, - 3924.757962898169, - 1432.3869881422509, - -536.3416757736826, - -643.054224732845, - -476.6448694765518, - -380.0363449522515, - -352.5453153236592, - -380.0363449522518, - -476.6448694765521, - -643.0542247328453, - -536.3416757736825, - 1432.3869881422518, - 3924.7579628981707, - 1781.5077575103141, - -457.99041603942356, - -940.9824006995418, - -767.4677626344121, - -543.0939294724625, - -387.3295521901064, - -297.5913270172989, - -251.91539562172755, - -223.34802339430033, - -236.07397129905468, - -282.1174557294094, - -371.65800929174094, - -528.2719062177949, - -751.7769106517952, - -903.0647477040277, - -328.7899118144131, - 1723.816422430622, - 2809.009639587981, - 764.296634631449, - -597.2891457294046, - -625.086322097782, - -449.7736790574, - -349.0236826683309, - -321.04874509238476, - -349.0236826683309, - -449.77367905740016, - -625.086322097782, - -597.2891457294043, - 764.2966346314491, - 2809.00963958798, - 1723.8164224306217, - -328.7899118144131, - -903.0647477040271, - -751.7769106517954, - -528.2719062177941, - -371.6580092917408, - -282.1174557294094, - -236.0739712990548, - -234.47503664777733, - -249.56172255552192, - -295.60487627541363, - -386.4661924751581, - -544.3087145271141, - -771.8460071396414, - -944.5604819768781, - -437.29672037368704, - 1825.5082778985288, - 3864.3251920831144, - 1377.9234819639657, - -545.6360501572816, - -643.4526611070262, - -473.950230995749, - -375.11595348683096, - -346.24601762737296, - -375.1159534868311, - -473.95023099574905, - -643.4526611070264, - -545.6360501572816, - 1377.9234819639657, - 3864.325192083112, - 1825.5082778985288, - -437.2967203736867, - -944.560481976878, - -771.8460071396414, - -544.3087145271144, - -386.46619247515804, - -295.6048762754135, - -249.56172255552204, - -278.6072042879588, - -292.9419370207154, - -340.1421269384332, - -436.6211336993136, - -604.2132157094605, - -852.2316440998352, - -1094.3820038648926, - -939.5940283231745, - 424.68432188208214, - 2101.663941388428, - 578.7295391541381, - -739.327624249173, - -736.2416876015892, - -561.8072419585083, - -468.5828597689998, - -442.9561345103936, - -468.5828597689998, - -561.8072419585083, - -736.2416876015893, - -739.3276242491735, - 578.7295391541381, - 2101.6639413884295, - 424.6843218820824, - -939.5940283231743, - -1094.3820038648919, - -852.231644099835, - -604.2132157094605, - -436.62113369931353, - -340.1421269384331, - -292.9419370207154, - -365.00698419586894, - -380.3598669852969, - -432.60645941976435, - -540.1824036020844, - -740.8558906813203, - -1039.638932859185, - -1333.9941653552958, - -1252.64957225306, - -417.00685259955833, - 173.1086918532827, - -612.663741186819, - -1097.186883762383, - -933.9486635735071, - -731.4669915240294, - -635.3357611382532, - -616.274053662019, - -635.3357611382532, - -731.4669915240293, - -933.9486635735068, - -1097.1868837623822, - -612.6637411868194, - 173.1086918532825, - -417.0068525995579, - -1252.6495722530592, - -1333.9941653552958, - -1039.638932859185, - -740.8558906813198, - -540.1824036020845, - -432.6064594197644, - -380.3598669852968, - -517.3390583287843, - -533.1746072786526, - -594.5524707699333, - -734.4315912849962, - -991.2844852901362, - -1251.0771476835203, - -454.5155896626388, - 5000, - 5000, - 5000, - 5000, - 167.02372582154675, - -1105.3695082915017, - -770.0738857085308, - -573.013992917608, - -619.3827307750137, - -573.0139929176079, - -770.073885708531, - -1105.3695082915017, - 167.0237258215473, + -3.9648861665474713, + -1105.6084469832308, + -723.310490262454, + -503.0786245626693, + -571.5497289035499, + -503.07855821028613, + -723.3103174970024, + -1105.6083498585592, + -3.9723631125250116, + 5000, + 5000, + 5000, + 5000, + -436.87856541665644, + -1241.5112264586064, + -991.8968281892546, + -744.9269396126535, + -611.6876690030423, + -554.2917906792394, + -380.2188854827472, + -393.9644983767066, + -443.5604534987666, + -546.1572953455299, + -739.2668805989894, + -1028.7698581584013, + -1314.3751994988604, + -1233.887797583177, + -456.15027997294806, + -0.07941121751175748, + -724.548666598181, + -1113.9443909843408, + -940.548801653965, + -743.3070454968698, + -650.5091513538466, + -634.6080589194578, + -650.5090918700084, + -743.3068995659404, + -940.5485688134179, + -1113.9443366921557, + -724.5500795249882, + -0.07938445722611664, + -456.1491115020202, + -1233.8876757535752, + -1314.3754106609251, + -1028.7701245107776, + -739.2670339331476, + -546.1573501022788, + -443.5604905316821, + -393.96448699563234, + -285.7404259374187, + -300.165890658099, + -345.88951261081814, + -439.1217993355334, + -601.9208725293321, + -845.2030730694813, + -1085.525260040785, + -967.2594785369632, + 242.37086879919022, + 1746.9097707546841, + 408.680206557378, + -757.49981214226, + -738.9641014289026, + -570.4394274989954, + -481.6948989018863, + -457.11297395829934, + -481.6948390086122, + -570.4392875051789, + -738.9639204593884, + -757.5005948106274, + 408.67584644349057, + 1746.910181923778, + 242.3739397702144, + -967.2588872056351, + -1085.5253841458116, + -845.2033068896325, + -601.9210083193161, + -439.12184711518626, + -345.88954414979474, + -300.16587975182244, + -237.70230193861246, + -251.91539319882216, + -297.5913044309842, + -387.32954443011977, + -543.0939225221065, + -767.4677444801911, + -940.9823347391587, + -457.98900080920197, + 1781.512661688496, + 3924.7683220477657, + 1432.3934872336836, + -536.3409570129362, + -643.0543058787972, + -476.6449156345282, + -380.03634213738883, + -352.54530719451793, + -380.03627934095545, + -476.6447700625002, + -643.0541472324884, + -536.342456365448, + 1432.3861367028273, + 3924.7680859989423, + 1781.5177839979244, + -457.98763212275, + -940.9823107476678, + -767.4679658782795, + -543.0940566634409, + -387.3295909288827, + -297.5913337718998, + -251.91538234409285, + -223.34799051526358, + -236.0739358948202, + -282.11738865937474, + -371.6579281987484, + -528.2717735101007, + -751.7766975758924, + -903.0645552321323, + -328.7893681690976, + 1723.8167856471923, + 2809.010866389151, + 764.2983014836764, + -597.2888925150426, + -625.0863085333857, + -449.77365504118205, + -349.0236393869828, + -321.04870528454313, + -349.02357466695025, + -449.7735042902128, + -625.0861290191135, + -597.2899030773684, + 764.2931568918776, + 2809.0095428226537, + 1723.8206808051732, + -328.7878848931269, + -903.064485280142, + -751.7769195695282, + -528.2719094016171, + -371.657974947247, + -282.1174174527703, + -236.0739251188267, + -234.47500028107922, + -249.56168581253394, + -295.6048153306067, + -386.4661365325875, + -544.3086411785152, + -771.8458945228559, + -944.5602324789638, + -437.294348793921, + 1825.5174190002667, + 3864.3432051118853, + 1377.933523276544, + -545.6348207791814, + -643.4526632221301, + -473.95023556081094, + -375.1159159956628, + -346.24597674395585, + -375.11585196961715, + -473.9500871857733, + -643.4524996313411, + -545.6362808151414, + 1377.926325481856, + 3864.342801258501, + 1825.5224819383377, + -437.2929339040159, + -944.560200775479, + -771.8461192340252, + -544.3087772960921, + -386.4661834991774, + -295.60484475243925, + -249.56167468660175, + -278.60721506144455, + -292.94194712977287, + -340.1421118968951, + -436.6211346416146, + -604.21322283457, + -852.2316607613798, + -1094.3820116027014, + -939.5926058650198, + 424.6907992965334, + 2101.677758499484, + 578.7373472852056, + -739.3268279830099, + -736.2418522656773, + -561.8073787926184, + -468.58295679044625, + -442.95622989070705, + -468.5828945256532, + -561.8072336031164, + -736.2416684243957, + -739.3277347864276, + 578.7324134325974, + 2101.6781697827846, + 424.69425152035154, + -939.5919156658097, + -1094.3821263139293, + -852.2319012325247, + -604.2133623551548, + -436.62118326222003, + -340.14214357513794, + -292.9419357442226, + -365.0068543376478, + -380.35973310896225, + -432.6062857672773, + -540.1822277453806, + -740.8556751206668, + -1039.6386795190315, + -1333.994019553093, + -1252.6490071622804, + -417.00548585532323, + 173.11066266384287, + -612.6624505187744, + -1097.1867649000264, + -933.9486663469542, + -731.4669433171731, + -635.3356903720694, + -616.2739717493894, + -635.3356275372681, + -731.4667903303668, + -933.9484288193655, + -1097.1868123091926, + -612.6642234807402, + 173.11073820015514, + -417.0040641803793, + -1252.6488155231484, + -1333.9942272844924, + -1039.6389556996537, + -740.8558334987719, + -540.1822832570977, + -432.60632284658215, + -380.359720956839, + -517.3388634687503, + -533.1744052528921, + -594.552211823629, + -734.4313218271027, + -991.2841773991287, + -1251.0772435198903, + -454.5179871361101, + 5000, + 5000, + 5000, + 5000, + 167.0235514441553, + -1105.3695062755507, + -770.073897634165, + -573.0141005290552, + -619.382682945759, + -573.0140308145081, + -770.0737201119356, + -1105.369437553882, + 167.01484874634363, 5000, 5000, 5000, 5000, - -454.51558966263866, - -1251.0771476835205, - -991.2844852901363, - -734.4315912849961, - -594.5524707699333, - -533.1746072786524, - -738.0353635101281, - -756.6562726667897, - -837.8571589310407, - -1027.066872079535, - -1244.1660905913577, - 794.2325199344154, + -454.51646839943993, + -1251.077264547624, + -991.2843615153398, + -734.4313925992221, + -594.5522587252348, + -533.1743910291754, + -738.0350474751764, + -756.6559408168063, + -837.8567269863106, + -1027.0664003958502, + -1244.16608164658, + 794.2199434607284, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1113334495398, - 383.9066788931411, - 1237.3262390236187, - 637.2640769654907, - 1237.326239023618, - 383.9066788931405, - -688.1113334495394, + -688.1110668311461, + 383.90962089364916, + 1237.329538899706, + 637.2667522340647, + 1237.3296237330649, + 383.9098494937556, + -688.1120895710263, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2325199344154, - -1244.1660905913582, - -1027.0668720795356, - -837.8571589310404, - -756.6562726667896, - -906.290914997785, - -944.5815528986515, - -1087.2321552949984, - -1321.7196233826967, - -449.0742897012732, + 794.2265449280512, + -1244.1660533983438, + -1027.0664887913479, + -837.8567867085999, + -756.6559215512226, + -906.2906014418218, + -944.581181543564, + -1087.2315043270382, + -1321.7190510874502, + -449.0789973930925, 5000, 5000, 5000, @@ -16865,13 +17117,13 @@ 5000, 5000, 5000, - 64.46655098990267, - 1924.2521661096926, - 3871.954888205834, - 2746.2939670670567, - 3871.954888205832, - 1924.2521661096953, - 64.46655098990247, + 64.46654312192311, + 1924.2505094860471, + 3871.949364148656, + 2746.2896314674904, + 3871.949467643282, + 1924.250842670959, + 64.46468655451864, 5000, 5000, 5000, @@ -16879,14 +17131,14 @@ 5000, 5000, 5000, - -449.0742897012734, - -1321.7196233826965, - -1087.2321552949982, - -944.5815528986512, - -406.6642767996531, - -519.3246015868974, - -990.5520942222438, - -1258.6796757748448, + -449.0777008289359, + -1321.7191803408843, + -1087.2315692256573, + -944.5811515728738, + -406.66434329684284, + -519.3246788773145, + -990.5519629977201, + -1258.6796548748082, 5000, 5000, 5000, @@ -16895,13 +17147,13 @@ 5000, 5000, 5000, - -422.25248951700127, - 438.03894405105126, - 1973.0953593512534, - 1853.0797478664958, - 1973.095359351255, - 438.03894405105115, - -422.252489517001, + -422.2532867419264, + 438.03791734789365, + 1973.092250314361, + 1853.0763392130793, + 1973.0923534673109, + 438.03828863265494, + -422.2539511005457, 5000, 5000, 5000, @@ -16910,13 +17162,13 @@ 5000, 5000, 5000, - -1258.6796757748452, - -990.5520942222438, - -519.3246015868974, - 1588.3455891937776, - 1640.3739362819838, - 228.31379734490915, - -462.2465261282805, + -1258.6801486203024, + -990.5519665829227, + -519.3246212068057, + 1588.3451584521008, + 1640.3740872137855, + 228.31454921376965, + -462.2463109959788, 5000, 5000, 5000, @@ -16925,13 +17177,13 @@ 5000, 5000, 5000, - -1228.818195889843, - -913.1710159544779, - -368.5846995496957, - -244.57452884970937, - -368.5846995496956, - -913.1710159544771, - -1228.8181958898429, + -1228.8182026886077, + -913.1707898494235, + -368.5846429803956, + -244.57483639234647, + -368.58456314303174, + -913.1705241453207, + -1228.8181418713257, 5000, 5000, 5000, @@ -16940,13 +17192,13 @@ 5000, 5000, 5000, - -462.24652612828015, - 228.31379734490878, - 1640.3739362819845, - 2849.748195299002, - 3911.935528783343, - 1912.363308519258, - 89.21344245316065, + -462.2477295671675, + 228.3148852867973, + 1640.3740406974287, + 2849.737325716864, + 3911.921887295897, + 1912.3556863748374, + 89.21250248815078, 5000, 5000, 5000, @@ -16954,15 +17206,15 @@ 5000, 5000, 5000, - -442.6747368922324, - -1325.8072806638609, - -1091.3582143928384, - -938.6692447350997, - -897.1186406176847, - -938.6692447350997, - -1091.358214392838, - -1325.8072806638606, - -442.6747368922318, + -442.6723012461833, + -1325.8072112220198, + -1091.3581415793415, + -938.6693176118108, + -897.1188048771835, + -938.6692601915526, + -1091.3579725140803, + -1325.8069827435343, + -442.67964287188755, 5000, 5000, 5000, @@ -16970,307 +17222,307 @@ 5000, 5000, 5000, - 89.21344245316055, - 1912.3633085192578, - 3911.9355287833473, - 890.266441363525, - 1584.5355334041399, - 607.3824641589555, - -655.2583990127075, + 89.21118127609783, + 1912.3565450409076, + 3911.921282595272, + 890.2657578679097, + 1584.5358936306816, + 607.3834742560291, + -655.2574495947753, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7346289184719, - -1248.1402528651174, - -1040.7071700289512, - -859.5048790290534, - -782.0503925301831, - -764.928104229811, - -782.0503925301831, - -859.5048790290537, - -1040.7071700289512, - -1248.1402528651176, - 785.7346289184721, + 785.7437328665019, + -1248.1400087751374, + -1040.7071933894945, + -859.5048106902302, + -782.0502925621723, + -764.9280038544189, + -782.0502495177985, + -859.5046966654379, + -1040.7069777171644, + -1248.1401314836467, + 785.7300126738608, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2583990127074, - 607.3824641589553, - 1584.5355334041417, - -571.5506296832866, - -503.0799530268369, - -723.3115802704715, - -1105.6084577970269, - -3.9604224442737466, + -655.2578432097482, + 607.3839486218463, + 1584.5355202105861, + -571.5497135716049, + -503.07836549487547, + -723.3103320962258, + -1105.608220745128, + -3.9569822892091735, 5000, 5000, 5000, 5000, - -436.8779033627211, - -1241.5111122268713, - -991.8967503300594, - -744.9268797826596, - -611.6875918915766, - -554.2916954475171, - -539.8541615327689, - -554.2916954475172, - -611.6875918915765, - -744.9268797826596, - -991.8967503300595, - -1241.51111222687, - -436.8779033627206, - 5000, - 5000, - 5000, - 5000, - -3.9604224442743323, - -1105.6084577970269, - -723.3115802704712, - -503.0799530268372, - -634.6080978045072, - -650.5092002055719, - -743.3070991496828, - -940.5488299064235, - -1113.9443200772887, - -724.5479769411957, - -0.07630595810866225, - -456.1472702395652, - -1233.8871047122066, - -1314.375255204268, - -1028.7700784345504, - -739.2670156185643, - -546.1573669094558, - -443.5605099690549, - -393.96450761501694, - -380.2188875547762, - -393.96450761501666, - -443.560509969055, - -546.157366909456, - -739.2670156185644, - -1028.7700784345507, - -1314.3752552042677, - -1233.8871047122072, - -456.14727023956544, - -0.07630595810887852, - -724.5479769411954, - -1113.944320077289, - -940.5488299064233, - -743.3070991496827, - -650.5092002055721, - -457.11290858857114, - -481.6948373577346, - -570.4393517597573, - -738.9640146035018, - -757.5000406794298, - 408.6777803043903, - 1746.9074349320897, - 242.37113844584695, - -967.2593010880116, - -1085.525196478784, - -845.203135315449, - -601.9208974786931, - -439.12179852950266, - -345.88951346795585, - -300.1658602987332, - -285.7403928012962, - -300.1658602987333, - -345.8895134679557, - -439.1217985295022, - -601.9208974786928, - -845.203135315449, - -1085.5251964787838, - -967.2593010880119, - 242.3711384458472, - 1746.9074349320892, - 408.67778030439024, - -757.5000406794296, - -738.9640146035017, - -570.4393517597573, - -481.6948373577345, - -352.54531846057813, - -380.03634883242194, - -476.6448759380617, - -643.0542354713165, - -536.3416797387845, - 1432.3870595779297, - 3924.7581978476455, - 1781.5079959566363, - -457.99034092512187, - -940.9824037105503, - -767.4677730427389, - -543.0939353430305, - -387.3295551031815, - -297.59132858720653, - -251.91539667129126, - -237.70230581766467, - -251.91539667129126, - -297.5913285872063, - -387.3295551031814, - -543.0939353430308, - -767.4677730427388, - -940.9824037105509, - -457.99034092512164, - 1781.5079959566365, - 3924.7581978476424, - 1432.387059577929, - -536.3416797387847, - -643.0542354713162, - -476.64487593806166, - -380.03634883242165, - -394.329939017965, - -439.6050221405882, - -596.54270159384, - -597.7502566036324, - 5000, - 5000, - 5000, - 5000, - 5000, - 1247.052390402135, - -1014.2407604804049, - -799.2598028501543, - -528.2893777459105, - -370.41879468187545, - -296.66307482781247, - -275.7534035352872, - -296.66307482781264, - -370.4187946818755, - -528.28937774591, - -799.2598028501545, - -1014.2407604804048, - 1247.0523904021347, - 5000, - 5000, - 5000, - 5000, - 5000, - -597.7502566036324, - -596.54270159384, - -439.60502214058806, - -436.09406192995124, - -480.38071911963266, - -628.4380050177291, - -542.2419819723228, - 5000, - 5000, - 5000, - 5000, - 5000, - 1092.9050963966686, - -1019.9046236666657, - -811.0034057485996, - -543.1896437412158, - -387.85889233900957, - -316.0508515595532, - -294.45368118339906, - -316.05085155955334, - -387.85889233900957, - -543.1896437412155, - -811.0034057485994, - -1019.9046236666655, - 1092.9050963966686, + -436.8718213543383, + -1241.5110160070167, + -991.8971880916318, + -744.9271634989448, + -611.6877884845244, + -554.2918617696512, + -539.8543280412497, + -554.2918282823172, + -611.687707412875, + -744.9270085498338, + -991.896642102549, + -1241.5109328496276, + -436.87377448084357, + 5000, + 5000, + 5000, + 5000, + -3.957020763427013, + -1105.6082765462465, + -723.3102721732606, + -503.078362478387, + -634.6081535581159, + -650.5092370192649, + -743.3071337610396, + -940.5490295553425, + -1113.9445698213653, + -724.5478466558668, + -0.07388710304411461, + -456.1440638833851, + -1233.8858308800616, + -1314.375418069784, + -1028.7705283059843, + -739.2673108365956, + -546.1575158286785, + -443.56059608869714, + -393.96456740042606, + -380.2189487132653, + -393.9645393525846, + -443.5605325698978, + -546.1574008659632, + -739.2668675289866, + -1028.7699661160873, + -1314.3751343278404, + -1233.8859220479114, + -456.1441878710186, + -0.07422643851058286, + -724.5478214298022, + -1113.9446742428975, + -940.5490393638769, + -743.3071399582951, + -650.5091871698392, + -457.1127676967045, + -481.69471777317375, + -570.4392196621803, + -738.9639716296306, + -757.5005072800195, + 408.6739196394643, + 1746.9020000784624, + 242.37098866194955, + -967.2583351670723, + -1085.5250909912652, + -845.2032668697551, + -601.9209590640055, + -439.1217762724917, + -345.88945682417085, + -300.1657850128563, + -285.74032137351554, + -300.16575907283334, + -345.88940001290115, + -439.1216765602714, + -601.92058255858, + -845.2027932275321, + -1085.5249115108688, + -967.2589085683993, + 242.36997680309756, + 1746.9018003130893, + 408.6749504191233, + -757.5004420204972, + -738.9639818623842, + -570.43923102595, + -481.6946726296548, + -352.5453060155892, + -380.0363619841246, + -476.64488565841447, + -643.0543274025947, + -536.3420295352576, + 1432.3849860282949, + 3924.7586796677906, + 1781.5132663526153, + -457.9877250851543, + -940.982276863486, + -767.468034360046, + -543.0941039648873, + -387.3296138769007, + -297.591341150519, + -251.91538477618937, + -237.7022967085704, + -251.91535918659227, + -297.591285563114, + -387.32951690299495, + -543.0937437875857, + -767.4675983736466, + -940.982254232265, + -457.9890854276072, + 1781.5115398329588, + 3924.758719799894, + 1432.3867891173043, + -536.3418725197157, + -643.0543432683287, + -476.6448990225017, + -380.03631970523605, + -394.32984900501015, + -439.60494410352317, + -596.5425269323473, + -597.7507168407183, + 5000, + 5000, + 5000, + 5000, + 5000, + 1247.048758940627, + -1014.2406005921442, + -799.2596296688071, + -528.2892202973896, + -370.4186798925277, + -296.6629735708351, + -275.7533199854076, + -296.66293165879205, + -370.41858184691336, + -528.2890388764675, + -799.2590247564051, + -1014.240799571956, + 1247.0408225711615, + 5000, + 5000, + 5000, + 5000, + 5000, + -597.7507497920532, + -596.5425483547815, + -439.6048810629828, + -436.09402537186673, + -480.3807013581258, + -628.437926362209, + -542.2426242835783, + 5000, + 5000, + 5000, + 5000, + 5000, + 1092.9000828075714, + -1019.9047011532173, + -811.0033947240223, + -543.1895843319277, + -387.8588323042071, + -316.05078613472404, + -294.45362763568403, + -316.05074487505846, + -387.85873599352675, + -543.1894065858667, + -811.0028054089238, + -1019.9049350238124, + 1092.8925199279254, 5000, 5000, 5000, 5000, 5000, - -542.241981972323, - -628.438005017729, - -480.3807191196326, - -588.2376415590772, - -623.3280109951664, - -749.7410411956513, - -738.308027337477, + -542.2426535089945, + -628.4379460952547, + -480.3806383311536, + -588.2375836799898, + -623.327971908034, + -749.7409590095708, + -738.3083027491477, 5000, 5000, 5000, 5000, 5000, - 155.27853237324487, - -1087.5498214484553, - -859.8071801268907, - -601.1322348378847, - -452.08398734568556, - -384.19790625627604, - -364.8730650082218, - -384.19790625627587, - -452.08398734568544, - -601.1322348378847, - -859.807180126891, - -1087.5498214484553, - 155.27853237324462, + 155.27689484776266, + -1087.5499037373488, + -859.8072744720162, + -601.1322320611712, + -452.0839420427565, + -384.19783723754387, + -364.8730004893275, + -384.1977986012135, + -452.08385119296895, + -601.132064074522, + -859.8067110657892, + -1087.5500198274883, + 155.27242821130832, 5000, 5000, 5000, 5000, 5000, - -738.3080273374767, - -749.7410411956516, - -623.3280109951661, - -619.3827532746691, - -573.0140071365691, - -770.0738840455492, - -1105.3695022022866, - 167.0236670595806, + -738.3083317019581, + -749.7409737757364, + -623.3279087393582, + -619.3824497381416, + -573.0135458355131, + -770.073454353102, + -1105.3694052003318, + 167.021784302393, 5000, 5000, 5000, 5000, - -454.51508341159564, - -1251.0770977900463, - -991.2845021542984, - -734.4316136460875, - -594.5524964513404, - -533.174636807256, - -517.339089331746, - -533.174636807256, - -594.5524964513404, - -734.4316136460875, - -991.2845021542986, - -1251.0770977900463, - -454.51508341159564, + -454.514134412531, + -1251.0770418765414, + -991.2846129240922, + -734.431625034445, + -594.5524520472725, + -533.1745670054404, + -517.3390201775353, + -533.1745317042285, + -594.5523671066207, + -734.4314638493264, + -991.284047461368, + -1251.0769557804886, + -454.5161999306894, 5000, 5000, 5000, 5000, - 167.02366705958107, - -1105.369502202286, - -770.0738840455488, - -573.0140071365691, + 167.02198554661558, + -1105.369459273973, + -770.073410507569, + -573.0135275470013, 5000, 5000, 5000, - -63.64592679046927, - -78.14011793279549, + -63.64135179622024, + -78.13933755732208, 5000, 5000, 5000, 5000, - 356.48625296464894, - -1472.2613500954694, - -1250.8783936897398, - -983.6307772957782, - -846.6586045154753, - -795.0161209509645, - -782.654801150553, - -795.0161209509643, - -846.6586045154748, - -983.6307772957782, - -1250.8783936897391, - -1472.2613500954697, - 356.4862529646491, + 356.48923241131854, + -1472.2612314874332, + -1250.8786100629466, + -983.6308903260381, + -846.6586606315434, + -795.0161651222342, + -782.6548475681722, + -795.0161335451334, + -846.6585773286696, + -983.630719984475, + -1250.8780086698023, + -1472.2613070969287, + 356.4869411622739, 5000, 5000, 5000, 5000, - -78.14011793279565, - -63.64592679046966, + -78.14191726773421, + -63.64120447912227, 5000, 5000, 5000, @@ -17283,17 +17535,17 @@ 5000, 5000, 5000, - -30.954478210654802, - -1481.552064762808, - -1253.9959056146652, - -1090.5549264402948, - -1023.4583313481655, - -1018.804478336283, - -1023.4583313481655, - -1090.5549264402955, - -1253.9959056146652, - -1481.5520647628077, - -30.954478210654926, + -30.953445047105557, + -1481.5521776403841, + -1253.9959662021502, + -1090.554894190522, + -1023.458241109704, + -1018.8043921916855, + -1023.4582122845184, + -1090.5547956839082, + -1253.9957487470517, + -1481.5520229485592, + -30.96284379996038, 5000, 5000, 5000, @@ -17314,15 +17566,15 @@ 5000, 5000, 5000, - 200.69276067280705, - -569.8858093201464, - -42.38902162880496, - 802.3116986906355, - 951.5076556336625, - 802.3116986906344, - -42.389021628804706, - -569.8858093201463, - 200.6927606728071, + 200.69925883257457, + -569.880874458068, + -42.38243798099917, + 802.3219706850798, + 951.5179829829917, + 802.3220166051259, + -42.38216398771219, + -569.8802264425051, + 200.6940063800742, 5000, 5000, 5000, @@ -17393,11 +17645,11 @@ 5000, 5000, 5000, - 1576.0888554374721, - 1387.8813187760668, - 309.08550938747305, - -309.79068083567887, - 450.1783128308732, + 1576.0959402885458, + 1387.8879185273452, + 309.0886926733993, + -309.78988622969194, + 450.1776406584919, 5000, 5000, 5000, @@ -17419,16 +17671,16 @@ 5000, 5000, 5000, - 450.1783128308733, - -309.79068083567864, - 309.085509387473, - 1387.881318776067, - -1005.9251102447092, - -1006.579735306251, - -1075.1903384672755, - -1235.647570538692, - -1463.636341084181, - -123.90140879542182, + 450.1774611588651, + -309.7900585708138, + 309.0886911577176, + 1387.8876668964863, + -1005.9248560920914, + -1006.5794498070749, + -1075.1901294314168, + -1235.6475082681854, + -1463.6362989405704, + -123.90263581638628, 5000, 5000, 5000, @@ -17448,287 +17700,287 @@ 5000, 5000, 5000, - -123.90140879542214, - -1463.6363410841811, - -1235.6475705386915, - -1075.1903384672758, - -1006.5797353062505, - -815.8133227849291, - -824.7547812284585, - -871.0363274914051, - -999.3934238155326, - -1254.4470380513399, - -1475.1793744808735, - 279.94911329476884, + -123.89892155875754, + -1463.6363745518781, + -1235.6476049773523, + -1075.1902254546915, + -1006.5795005079683, + -815.813510708991, + -824.7549420671263, + -871.0364033642944, + -999.3934790438681, + -1254.4470275477677, + -1475.179555111662, + 279.9479259897627, 5000, 5000, 5000, 5000, - 55.32798139548127, - 233.16441472692514, + 55.32776879885602, + 233.16924105054636, 5000, 5000, 5000, 5000, 5000, - 233.16441472692495, - 55.32798139548138, + 233.1699488967756, + 55.324318085130024, 5000, 5000, 5000, 5000, - 279.94911329476884, - -1475.179374480873, - -1254.4470380513394, - -999.3934238155325, - -871.0363274914055, - -824.7547812284585, - -539.8541810680152, - -554.2917143315155, - -611.6876093666335, - -744.9268981332762, - -991.8967686603024, - -1241.5110599430159, - -436.87741461069385, + 279.9492785674271, + -1475.179552656825, + -1254.4472188767766, + -999.393562955755, + -871.0364651950285, + -824.754937537676, + -539.8544336384977, + -554.2919562314227, + -611.6877975530884, + -744.9271049585637, + -991.8969715092024, + -1241.5111848318215, + -436.8758244034224, 5000, 5000, 5000, 5000, - -3.960649889880896, - -1105.6084496732478, - -723.3114155037234, - -503.0797353715271, - -571.5504993462714, - -503.07973537152685, - -723.3114155037233, - -1105.6084496732483, - -3.9606498898811013, + -3.955229725320619, + -1105.6083043307, + -723.310599729449, + -503.0786232579871, + -571.5497083432178, + -503.07855690557415, + -723.3104269639551, + -1105.6082072074094, + -3.962706732989461, 5000, 5000, 5000, 5000, - -436.87741461069396, - -1241.5110599430157, - -991.8967686603022, - -744.9268981332764, - -611.6876093666334, - -554.2917143315149, - -376.4323618012896, - -395.2341835443252, - -461.38394438354806, - -605.6597843763788, - -858.0407890557763, - -1081.8344263574525, - 95.56329870873236, + -436.87440651762114, + -1241.5112072440472, + -991.8971509519334, + -744.9271753203099, + -611.6878448131961, + -554.2919432474517, + -376.43232783225193, + -395.23413855164773, + -461.38382438029, + -605.6595953039362, + -858.0404676467775, + -1081.8346113235248, + 95.55709209133364, 5000, 5000, 5000, 5000, 5000, - -759.7115979296966, - -761.2055167590811, - -637.8079901181912, - -604.7188702687648, - -637.8079901181909, - -761.2055167590809, - -759.7115979296963, + -759.7117134146197, + -761.2054090989184, + -637.80790301411, + -604.7187992355184, + -637.807819533036, + -761.2052297593098, + -759.7124551544174, 5000, 5000, 5000, 5000, 5000, - 95.56329870873252, - -1081.8344263574525, - -858.0407890557761, - -605.6597843763784, - -461.38394438354794, - -395.2341835443251, - -299.16172167070727, - -320.5160661054594, - -391.09425733856574, - -544.3200512585096, - -809.3081371819542, - -1013.7802934156919, - 1062.6768337796486, + 95.56069628184999, + -1081.8345095310206, + -858.0406518914629, + -605.6596636844494, + -461.3838661835414, + -395.2341225059503, + -299.1616522336726, + -320.515992326894, + -391.0941284456816, + -544.3198835773792, + -809.3078746517011, + -1013.7803839496635, + 1062.6728207814197, 5000, 5000, 5000, 5000, 5000, - -540.0198554102359, - -632.6847700323016, - -486.58751774177614, - -443.4170499921383, - -486.58751774177637, - -632.6847700323016, - -540.0198554102356, + -540.0199004738613, + -632.6846629813001, + -486.58738866982, + -443.41692837194046, + -486.5872909734048, + -632.6844645287003, + -540.0211106634564, 5000, 5000, 5000, 5000, 5000, - 1062.676833779648, - -1013.7802934156914, - -809.3081371819544, - -544.3200512585095, - -391.0942573385656, - -320.5160661054593, - -275.7534074512701, - -296.6630799638224, - -370.41880440318283, - -528.2893977434177, - -799.259836557399, - -1014.2407394104042, - 1247.0534660743053, + 1062.6798427993795, + -1013.7801805729957, + -809.308076363088, + -544.3199554378101, + -391.0941691703057, + -320.5159748846933, + -275.7533759565513, + -296.6630473055916, + -370.41872712349016, + -528.289305213466, + -799.2596855118443, + -1014.240679242197, + 1247.0552022356508, 5000, 5000, 5000, 5000, 5000, - -597.7502703841407, - -596.5427118642058, - -439.60502784668915, - -394.3299433226459, - -439.60502784668904, - -596.5427118642059, - -597.7502703841408, + -597.7498796615755, + -596.5427057915464, + -439.6049873039674, + -394.3299057999591, + -439.6048837925244, + -596.5424885318985, + -597.7506949980666, 5000, 5000, 5000, 5000, 5000, - 1247.0534660743053, - -1014.2407394104043, - -799.2598365573992, - -528.2893977434173, - -370.4188044031829, - -296.6630799638224, - -294.45368262434204, - -316.05085314197305, - -387.8588946682773, - -543.1896479570636, - -811.0034140658472, - -1019.9046266097222, - 1092.905309210233, + 1247.062935324192, + -1014.2404866530543, + -799.2598988434312, + -528.2893793243924, + -370.41876811451044, + -296.66302935840696, + -294.45364567954186, + -316.05081820326996, + -387.85882830841274, + -543.1895999342963, + -811.0033648489105, + -1019.9046004649226, + 1092.9102576975351, 5000, 5000, 5000, 5000, 5000, - -542.2419837049586, - -628.4380140629917, - -480.3807239996351, - -436.094065636626, - -480.38072399963517, - -628.4380140629914, - -542.2419837049582, + -542.2408936219485, + -628.4380250748881, + -480.380686705687, + -436.09402342811825, + -480.38058760400935, + -628.4378234332015, + -542.2420845572948, 5000, 5000, 5000, 5000, 5000, - 1092.9053092102333, - -1019.9046266097224, - -811.0034140658472, - -543.1896479570634, - -387.8588946682771, - -316.0508531419732, - -364.8730657202076, - -384.1979070291514, - -452.0839882492277, - -601.1322359338291, - -859.8071815131743, - -1087.5498232141695, - 155.2785302393665, + 1092.9174435685543, + -1019.904401373745, + -811.0035696408421, + -543.189672496756, + -387.8588691751554, + -316.0508004919428, + -364.8731228592606, + -384.1979633444469, + -452.0840091429664, + -601.1322850475699, + -859.8072532563522, + -1087.5499638656731, + 155.28086762612315, 5000, 5000, 5000, 5000, 5000, - -738.3080284939685, - -749.7410420833456, - -623.3280116872744, - -588.2376421694889, - -623.3280116872745, - -749.7410420833453, - -738.3080284939687, + -738.3073885908174, + -749.7412305538913, + -623.3281610426498, + -588.2377912283812, + -623.3280749082921, + -749.7410470385236, + -738.3081939853433, 5000, 5000, 5000, 5000, 5000, - 155.27853023936606, - -1087.5498232141704, - -859.8071815131742, - -601.132235933829, - -452.0839882492277, - -384.1979070291514, - -517.3390907697885, - -533.17463860873, - -594.5524994299085, - -734.4316190284568, - -991.2845116454946, - -1251.077113035363, - -454.5151036847107, + 155.28476218620602, + -1087.5498570848831, + -859.8074419170846, + -601.1323543597636, + -452.0840510756235, + -384.1979466724624, + -517.3391545966493, + -533.1746964432328, + -594.5525140149381, + -734.4316686206095, + -991.2845888944713, + -1251.077169247677, + -454.5121269798477, 5000, 5000, 5000, 5000, - 167.0236559643686, - -1105.3695092975354, - -770.0738878672339, - -573.0140093253815, - -619.382754970668, - -573.0140093253814, - -770.0738878672339, - -1105.369509297535, - 167.0236559643684, + 167.03060107415354, + -1105.3694582748324, + -770.0735788778082, + -573.0134468876225, + -619.3822155990432, + -573.0133771730639, + -770.0734013555417, + -1105.3693895539182, + 167.02189833381698, 5000, 5000, 5000, 5000, - -454.51510368471077, - -1251.077113035363, - -991.2845116454947, - -734.4316190284568, - -594.5524994299087, - -533.1746386087295, - -782.6548014543497, - -795.0161212230137, - -846.6586049105679, - -983.6307779794699, - -1250.8783949710112, - -1472.261352427708, - 356.48624915916264, + -454.5106082354882, + -1251.0771902740923, + -991.2847730106746, + -734.4317393927568, + -594.5525609165618, + -533.1746822195123, + -782.6542103953241, + -795.015527782126, + -846.6579609452276, + -983.6301291113255, + -1250.8776947777187, + -1472.2613632332652, + 356.48210229742625, 5000, 5000, 5000, 5000, - -78.1401216807513, - -63.6459290593169, + -78.1436589180107, + -63.65057623288743, 5000, 5000, 5000, 5000, 5000, - -63.64592905931713, - -78.14012168075134, + -63.64996415904427, + -78.1472483273035, 5000, 5000, 5000, 5000, - 356.4862491591629, - -1472.2613524277085, - -1250.8783949710112, - -983.63077797947, - -846.6586049105679, - -795.0161212230141, - -1018.804478763381, - -1023.4583318379138, - -1090.554927081271, - -1253.9959065043286, - -1481.5520659787858, - -30.95447973491511, + 356.4836318854348, + -1472.2613354403916, + -1250.877889447938, + -983.630212408806, + -846.6580209643904, + -795.0155199623471, + -1018.8043907207611, + -1023.4583327210929, + -1090.5548972168403, + -1253.9958794843537, + -1481.5522358050996, + -30.96318478921765, 5000, 5000, 5000, @@ -17748,16 +18000,16 @@ 5000, 5000, 5000, - -30.954479734915534, - -1481.5520659787858, - -1253.995906504329, - -1090.5549270812721, - -1023.4583318379138, - 951.5076553109475, - 802.3116983409554, - -42.38902207662285, - -569.8858098643707, - 200.69275993313377, + -30.959132827377424, + -1481.5523120873072, + -1253.9959774056235, + -1090.554987361054, + -1023.4583670388301, + 951.4956548308722, + 802.3001690777891, + -42.39665311626455, + -569.892261322475, + 200.68076505148127, 5000, 5000, 5000, @@ -17779,10 +18031,10 @@ 5000, 5000, 5000, - 200.69275993313403, - -569.8858098643708, - -42.38902207662338, - 802.3116983409566, + 200.68058937605832, + -569.8924310810489, + -42.39668527458064, + 802.2999547945228, 5000, 5000, 5000, @@ -17854,15 +18106,15 @@ 5000, 5000, 5000, - 450.1783123637873, - -309.79068119802275, - 309.08550910461867, - 1387.8813185311367, - 1576.0888551476626, - 1387.881318531137, - 309.0855091046192, - -309.7906811980226, - 450.17831236378714, + 450.1819455508817, + -309.78924393220336, + 309.0868037533119, + 1387.882179938518, + 1576.0887051437387, + 1387.8822277516383, + 309.087115015008, + -309.7884722645678, + 450.17694409322405, 5000, 5000, 5000, @@ -17883,17 +18135,17 @@ 5000, 5000, 5000, - -123.90141136050468, - -1463.6363430822048, - -1235.647571990387, - -1075.1903395000836, - -1006.5797361081972, - -1005.9251109487961, - -1006.5797361081972, - -1075.190339500083, - -1235.6475719903872, - -1463.6363430822053, - -123.90141136050475, + -123.8932723088001, + -1463.636233869217, + -1235.6478829277019, + -1075.1906860815957, + -1006.5801847295104, + -1005.9255379714549, + -1006.580158553985, + -1075.1905901378814, + -1235.647665663063, + -1463.636047079113, + -123.90197855513837, 5000, 5000, 5000, @@ -17906,243 +18158,243 @@ 5000, 5000, 5000, - 233.16441462250296, - 55.32798129888041, + 233.1689113355931, + 55.33018415035509, 5000, 5000, 5000, 5000, - 279.94911321982994, - -1475.1793745678788, - -1254.4470381315455, - -999.3934239046683, - -871.0363275846619, - -824.7547813513258, - -815.8133228904073, - -824.7547813513261, - -871.0363275846618, - -999.3934239046688, - -1254.4470381315457, - -1475.1793745678792, - 279.9491132198299, + 279.9562712107885, + -1475.1789527907576, + -1254.4472287718943, + -999.3935084943914, + -871.0363388887703, + -824.754767334091, + -815.8133027642098, + -824.7547382651511, + -871.0362605870384, + -999.3933454074465, + -1254.446646255125, + -1475.17897865508, + 279.95423662078684, 5000, 5000, 5000, 5000, - 55.3279812988802, - 233.164414622503, + 55.32760761115035, + 233.16912537444722, 5000, 5000, - -571.5504995497789, - -503.0797356074926, - -723.3114158062308, - -1105.608450052147, - -3.9606503738915877, + -571.549338831122, + -503.0777513909501, + -723.3098465725378, + -1105.6084891516466, + -3.967846174728877, 5000, 5000, 5000, 5000, - -436.8774153336305, - -1241.511060591682, - -991.8967692279227, - -744.9268986345081, - -611.6876098166537, - -554.2917147565028, - -539.8541814773347, - -554.2917147565031, - -611.6876098166538, - -744.926898634508, - -991.8967692279225, - -1241.5110605916816, - -436.8774153336304, + -436.87503214362727, + -1241.511156631063, + -991.8970820125131, + -744.9271176443153, + -611.6877882649194, + -554.2918805336967, + -539.854351881688, + -554.2918470463729, + -611.6877071932945, + -744.9269626952499, + -991.8965360234596, + -1241.5110734721386, + -436.87698526372685, 5000, 5000, 5000, 5000, - -3.9606503738917747, - -1105.6084500521472, - -723.3114158062305, - -503.07973560749275, - -604.7188706602667, - -637.8079905987709, - -761.2055174742577, - -759.7115995212687, + -3.9678846550476985, + -1105.608544952604, + -723.3097866494429, + -503.0777483746133, + -604.718705145765, + -637.8078542919508, + -761.2053771705608, + -759.7115935697027, 5000, 5000, 5000, 5000, 5000, - 95.56327739993684, - -1081.8344443047408, - -858.0408012895546, - -605.6597915485235, - -461.3839483855325, - -395.23418607950134, - -376.4323639224318, - -395.2341860795012, - -461.38394838553273, - -605.6597915485233, - -858.0408012895545, - -1081.834444304741, - 95.5632773999368, + 95.5685990205539, + -1081.8341009916442, + -858.0409400125086, + -605.6598095165875, + -461.3838987165015, + -395.23410367373526, + -376.4322832709764, + -395.2340662905535, + -461.38381045169484, + -605.6596459131225, + -858.0403899876246, + -1081.8342135440998, + 95.56441565945008, 5000, 5000, 5000, 5000, 5000, - -759.7115995212694, - -761.205517474258, - -637.8079905987712, - -443.41705120940765, - -486.58751905864517, - -632.6847716670419, - -540.019857689072, + -759.7116239958058, + -761.205391441792, + -637.8077922755405, + -443.41704811897364, + -486.5875598012386, + -632.6848208551085, + -540.019672268021, 5000, 5000, 5000, 5000, 5000, - 1062.6768272793981, - -1013.7802981787147, - -809.3081403055073, - -544.3200532619538, - -391.0942587078628, - -320.5160671854792, - -299.16172268107, - -320.5160671854792, - -391.09425870786293, - -544.3200532619536, - -809.3081403055073, - -1013.7802981787149, - 1062.6768272793993, + 1062.6876691031898, + -1013.7799423990529, + -809.3084704943917, + -544.3202026115438, + -391.09430740778555, + -320.5160672372097, + -299.1617227030632, + -320.51602661652265, + -391.0942124614029, + -544.3200271505646, + -809.3078891806759, + -1013.7801889698458, + 1062.6802337694412, 5000, 5000, 5000, 5000, 5000, - -540.0198576890713, - -632.6847716670414, - -486.58751905864494, - -466.62680364896664, - -531.968536788796, - -726.2359947453845, - 758.9001439883846, + -540.0197010784665, + -632.6848402967508, + -486.58749721463516, + -466.62672962992013, + -531.968490705309, + -726.2358743138957, + 758.8993148203722, 5000, 5000, 5000, 5000, 5000, 5000, - 873.2896831773567, - -1013.9815323823883, - -751.352585929864, - -495.6222051076539, - -373.83914289480276, - -339.6723098977443, - -373.8391428948027, - -495.622205107654, - -751.3525859298634, - -1013.9815323823884, - 873.2896831773567, + 873.2881893563572, + -1013.9816638821538, + -751.3524304447461, + -495.62207058984603, + -373.83902525142247, + -339.6722168520076, + -373.83895652160214, + -495.62190175875185, + -751.3521463967392, + -1013.981783308503, + 873.2760905791845, 5000, 5000, 5000, 5000, 5000, 5000, - 758.9001439883847, - -726.2359947453848, - -531.9685367887963, - -528.7848031558577, - -588.4102667415011, - -764.85755278335, - 1399.8165962701478, + 758.8992587353838, + -726.2359074861882, + -531.9684060908542, + -528.7847801104623, + -588.4102782294665, + -764.8575296322749, + 1399.8157872679933, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.981808239943, - -1017.3719387173716, - -768.3359487524918, - -520.7417469292087, - -403.55438215411704, - -371.26869252454446, - -403.55438215411715, - -520.741746929209, - -768.3359487524916, - -1017.3719387173711, - 1239.981808239943, + 1239.9819069520388, + -1017.3720606052593, + -768.3359278666986, + -520.7416880280872, + -403.55430670914984, + -371.2686303488373, + -403.55424034373465, + -520.7415249445683, + -768.3356528845287, + -1017.3722889453281, + 1239.966860347524, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.8165962701485, - -764.8575527833502, - -588.4102667415011, - -720.6091177919694, - -762.5696024911994, - -920.8665842422936, - 523.8024911496701, + 1399.815732768205, + -764.857560093693, + -588.4101948164246, + -720.6090628463693, + -762.5695849206246, + -920.8665318691848, + 523.8028613828294, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4448164906407, - -1082.741052000929, - -845.2369042434245, - -618.7502736297506, - -515.6079663852989, - -487.8103782966387, - -515.6079663852989, - -618.7502736297505, - -845.2369042434243, - -1082.7410520009294, - 1193.4448164906412, + 1193.4496892067623, + -1082.7409939932338, + -845.2369502511672, + -618.7502276557374, + -515.6078742125484, + -487.8102874526891, + -515.6078159185809, + -618.7500824019914, + -845.2366980061435, + -1082.7412177104288, + 1193.433894609612, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8024911496705, - -920.8665842422936, - -762.5696024911996, - 637.2647900709088, - 1237.3274365748118, - 383.9075394810068, - -688.1112353979381, + 523.8027425009614, + -920.8665525662987, + -762.5695068231869, + 637.2657246685455, + 1237.3289859514134, + 383.90891118683817, + -688.1105505315873, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2318982887149, - -1244.1660949567663, - -1027.0668564674668, - -837.8571498685401, - -756.656268070804, - -738.0353604898604, - -756.6562680708035, - -837.85714986854, - -1027.0668564674668, - -1244.1660949567665, - 794.2318982887155, + 794.2394050361193, + -1244.165873785743, + -1027.0668970923998, + -837.8571137413461, + -756.6562026286315, + -738.0352958166386, + -756.656157159488, + -837.8569948409342, + -1027.0666749788725, + -1244.1659927008368, + 794.2255562888733, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1112353979378, - 383.90753948100644, - 1237.3274365748125, + -688.1109270703522, + 383.9093185748162, + 1237.3286706724134, 5000, 5000, 5000, @@ -18153,17 +18405,17 @@ 5000, 5000, 5000, - -30.95483512746893, - -1481.5520960102583, - -1253.9959417225587, - -1090.5549608764104, - -1023.4583335712307, - -1018.8044514752596, - -1023.4583335712302, - -1090.5549608764109, - -1253.9959417225598, - -1481.552096010258, - -30.954835127469227, + -30.94751510981812, + -1481.5519722224765, + -1253.9960259567442, + -1090.5549512685138, + -1023.4583772003843, + -1018.8045513080788, + -1023.4583483751882, + -1090.5548527619044, + -1253.995808501708, + -1481.5518175325487, + -30.95691389621245, 5000, 5000, 5000, @@ -18183,17 +18435,17 @@ 5000, 5000, 5000, - -385.04321686701064, - -282.3596403022893, - 509.89730265572314, - 878.9458112649447, - 972.3279592708985, - 640.5392804794607, - 972.3279592708997, - 878.9458112649453, - 509.8973026557236, - -282.35964030228854, - -385.0432168670106, + -385.03944700288645, + -282.35746297034177, + 509.90038003314277, + 878.949458070423, + 972.3313124193212, + 640.5418390735058, + 972.3313363981272, + 878.9496545766143, + 509.9008938880295, + -282.35597481206275, + -385.0442237160611, 5000, 5000, 5000, @@ -18323,12 +18575,12 @@ 5000, 5000, 5000, - 1126.4314879330652, - 1582.4492009473922, - 1514.2529985280992, - 1103.897891441302, - 151.62657521851534, - -395.5766459390934, + 1126.4405378935946, + 1582.459830151644, + 1514.2617771993089, + 1103.9041067675366, + 151.63063478434765, + -395.57661843610094, 5000, 5000, 5000, @@ -18348,17 +18600,17 @@ 5000, 5000, 5000, - -395.5766459390935, - 151.62657521851497, - 1103.8978914413024, - 1514.2529985280985, - 1582.4492009473931, - -1005.9251244180924, - -1006.5797626044547, - -1075.1903699155457, - -1235.6475927975769, - -1463.6363613495525, - -123.90194138268953, + -395.5746589575308, + 151.6314715860136, + 1103.9041267604982, + 1514.261408251848, + 1582.458486970365, + -1005.9246233799454, + -1006.5792782937573, + -1075.1900787957788, + -1235.647580866466, + -1463.6363268371188, + -123.90140941415075, 5000, 5000, 5000, @@ -18378,227 +18630,227 @@ 5000, 5000, 5000, - -123.90194138268872, - -1463.6363613495537, - -1235.6475927975769, - -1075.1903699155464, - -1006.5797626044548, - -764.9280377206771, - -782.050325632472, - -859.5048101656579, - -1040.7070996758, - -1248.1402170930658, - 785.7340747920266, + -123.89769515562564, + -1463.636402448613, + -1235.6476775756296, + -1075.1901748189887, + -1006.579328994559, + -764.9278247355926, + -782.0500927908123, + -859.5044716092051, + -1040.7067069949878, + -1248.1401947345462, + 785.7219127551466, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2584950984274, - 607.3822247596255, - 1584.5353030158026, - 890.2664546599815, - 1584.5353030158024, - 607.3822247596249, - -655.2584950984273, + -655.2588150055958, + 607.380792101568, + 1584.5316573065534, + 890.264170595451, + 1584.5317403734305, + 607.3810269021934, + -655.2597121388866, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7340747920263, - -1248.1402170930662, - -1040.7070996757998, - -859.5048101656578, - -782.0503256324718, - -503.6092577765504, - -530.2348241127248, - -630.2788634710615, - -852.0116412052047, - -1086.3390746008283, - 1164.734180845728, + 785.728410666358, + -1248.1401736770024, + -1040.7067960902284, + -859.5045320493527, + -782.0500753520853, + -503.6092574085373, + -530.2348094031231, + -630.2787422261965, + -852.0114460795655, + -1086.3391533381373, + 1164.7234292863584, 5000, 5000, 5000, 5000, 5000, 5000, - 459.2912474039615, - -929.36834172279, - -771.4359162516216, - -731.6842665945239, - -771.4359162516213, - -929.3683417227907, - 459.29124740396134, + 459.29154771606056, + -929.3682829190313, + -771.4358541639523, + -731.6842225854442, + -771.4357436689158, + -929.3681416866098, + 459.2840177387177, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.734180845728, - -1086.3390746008288, - -852.0116412052049, - -630.2788634710614, - -530.2348241127246, - -377.5819515702576, - -409.2212431680635, - -525.1919266905625, - -770.312610357612, - -1016.7539320935429, - 1281.9291214547602, + 1164.7312471728826, + -1086.3390811338008, + -852.0115337730241, + -630.2787965406014, + -530.2347833492851, + -377.58187116342316, + -409.2211630543673, + -525.1917771554527, + -770.3124432063547, + -1016.7539088611818, + 1281.9226161688941, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.093292227008, - -769.1423885055626, - -594.763547800935, - -535.8476218192757, - -594.763547800935, - -769.1423885055627, - 1408.0932922270079, + 1408.0942622493928, + -769.1422981020642, + -594.7633996105312, + -535.8474779701371, + -594.7632641818627, + -769.1421727268349, + 1408.0828480105104, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.929121454761, - -1016.7539320935432, - -770.3126103576121, - -525.1919266905629, - -409.2212431680636, - -339.67231471655526, - -373.8391476126377, - -495.6222091396953, - -751.3525887156169, - -1013.9815349307987, - 873.2895901240506, + 1281.9304458223344, + -1016.7538870794805, + -770.3125413155362, + -525.1918318494253, + -409.22113350200317, + -339.6722917120037, + -373.8391300624, + -495.62213855294925, + -751.3525323927781, + -1013.981522803247, + 873.2871209337745, 5000, 5000, 5000, 5000, 5000, 5000, - 758.9000617289561, - -726.2359945528706, - -531.9685365692379, - -466.6268038383659, - -531.9685365692379, - -726.2359945528704, - 758.9000617289561, + 758.9026546586982, + -726.2359794989935, + -531.9684924006937, + -466.62676431169183, + -531.968347472483, + -726.2358108124905, + 758.8951271214812, 5000, 5000, 5000, 5000, 5000, 5000, - 873.289590124051, - -1013.9815349307988, - -751.3525887156173, - -495.6222091396954, - -373.83914761263793, - -371.2686941872511, - -403.5543844096192, - -520.7417514152838, - -768.335958269431, - -1017.371954244057, - 1239.9818221589883, + 873.2933011684416, + -1013.9815767223815, + -751.3526373422249, + -495.6221941984926, + -373.8390991279139, + -371.2686620053583, + -403.5543605190455, + -520.7416897369083, + -768.3359532843311, + -1017.3721418946297, + 1239.9776559707168, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.816593422144, - -764.8575557555013, - -588.4102681753359, - -528.7848042092005, - -588.4102681753357, - -764.8575557555014, - 1399.8165934221436, + 1399.8230604941134, + -764.8575183271141, + -588.4102156031977, + -528.7847493300529, + -588.410079064357, + -764.8573910930768, + 1399.8117218392888, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9818221589883, - -1017.3719542440571, - -768.3359582694313, - -520.7417514152838, - -403.5543844096191, - -487.81038060778457, - -515.6079693685198, - -618.7502787814113, - -845.2369136132652, - -1082.7410652476021, - 1193.444810352831, + 1239.9852863817916, + -1017.3721289482444, + -768.3360524997688, + -520.7417446593247, + -403.5543306147431, + -487.8105083810298, + -515.6080963678235, + -618.7503533909322, + -845.2370394546278, + -1082.7412475822237, + 1193.4431240447686, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8024900963263, - -920.8665844753153, - -762.5696024886037, - -720.6091177380788, - -762.5696024886031, - -920.8665844753152, - 523.802490096326, + 523.8060320380841, + -920.8667220991686, + -762.569692888638, + -720.6092047538547, + -762.5695801974117, + -920.8665809274131, + 523.7982105685901, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4448103528305, - -1082.7410652476026, - -845.2369136132647, - -618.7502787814116, - -515.6079693685201, - -738.0353617012412, - -756.6562695838948, - -837.8571522631689, - -1027.0668606425334, - -1244.1661016927449, - 794.231889395122, + 1193.4510203101445, + -1082.7411752619737, + -845.2371279346703, + -618.750407832945, + -515.608069543271, + -738.0349510032737, + -756.6558452076749, + -837.8566286592344, + -1027.066286121762, + -1244.1660407450413, + 794.2180587120861, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1112362746481, - 383.9075391046096, - 1237.3274363612472, - 637.264789941127, - 1237.3274363612468, - 383.90753910461007, - -688.1112362746485, + -688.1119161887261, + 383.90548977613014, + 1237.324054092148, + 637.2639398460076, + 1237.324138925499, + 383.90571837615266, + -688.1129389281786, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2318893951218, - -1244.166101692745, - -1027.066860642533, - -837.8571522631692, - -756.6562695838945, - -1018.8044519140165, - -1023.4583341114486, - -1090.5549616477624, - -1253.9959429842495, - -1481.5520980187505, - -30.954838004088074, + 794.2246601733958, + -1244.1660124969937, + -1027.0663745172633, + -837.8566883815217, + -756.6558259420885, + -1018.8040147051272, + -1023.4580238087043, + -1090.5547836806631, + -1253.9958578450278, + -1481.5521811905053, + -30.96296714859732, 5000, 5000, 5000, @@ -18618,17 +18870,17 @@ 5000, 5000, 5000, - -30.95483800408876, - -1481.5520980187491, - -1253.9959429842493, - -1090.5549616477615, - -1023.4583341114491, - 640.5392798863417, - 972.3279585954942, - 878.9458103909177, - 509.89730129626815, - -282.359642333781, - -385.04321962615177, + -30.958915190106097, + -1481.5522574729368, + -1253.9959557663117, + -1090.5548738248558, + -1023.4580581264554, + 640.5313783637213, + 972.3163860680879, + 878.9308882974431, + 509.88198443608866, + -282.37057804229585, + -385.0506199815858, 5000, 5000, 5000, @@ -18648,11 +18900,11 @@ 5000, 5000, 5000, - -385.04321962615165, - -282.35964233378064, - 509.8973012962677, - 878.9458103909177, - 972.3279585954931, + -385.0484408866071, + -282.36997666169697, + 509.881986070257, + 878.9305688635452, + 972.3153554535924, 5000, 5000, 5000, @@ -18783,17 +19035,17 @@ 5000, 5000, 5000, - -395.57664628882566, - 151.62657491279523, - 1103.8978911490105, - 1514.2529982918315, - 1582.4492007479182, - 1126.4314877499264, - 1582.4492007479178, - 1514.2529982918313, - 1103.8978911490096, - 151.62657491279512, - -395.57664628882577, + -395.5748758888884, + 151.62340935824585, + 1103.8923409199383, + 1514.2461361198507, + 1582.4414384728364, + 1126.4246372399894, + 1582.4414626011132, + 1514.2463540967806, + 1103.8929198389587, + 151.62527230483792, + -395.5787156758586, 5000, 5000, 5000, @@ -18813,17 +19065,17 @@ 5000, 5000, 5000, - -123.90194744325359, - -1463.636365506427, - -1235.6475954024324, - -1075.1903714522236, - -1006.5797637047742, - -1005.9251253431828, - -1006.5797637047741, - -1075.190371452224, - -1235.6475954024324, - -1463.636365506427, - -123.9019474432537, + -123.89874773999536, + -1463.6362762448243, + -1235.6475124539609, + -1075.1902799043012, + -1006.5797052739204, + -1005.925115229418, + -1006.5796790984233, + -1075.1901839605853, + -1235.6472951892265, + -1463.636089452772, + -123.90745396078827, 5000, 5000, 5000, @@ -18833,100 +19085,100 @@ 5000, 5000, 5000, - 890.2664543959069, - 1584.5353027941712, - 607.3822245238979, - -655.2584953232869, + 890.2766526761292, + 1584.5536489783556, + 607.3959634617582, + -655.2564749076957, 5000, 5000, 5000, 5000, 5000, 5000, - 785.734074555387, - -1248.1402173505373, - -1040.7070999466737, - -859.5048104453239, - -782.0503258727708, - -764.928037983483, - -782.050325872771, - -859.5048104453236, - -1040.7070999466735, - -1248.1402173505357, - 785.734074555388, + 785.7410147692369, + -1248.1403268448319, + -1040.7074461331551, + -859.5051430421229, + -782.0506558430106, + -764.9283759249886, + -782.0506127986644, + -859.5050290173807, + -1040.7072304608737, + -1248.1404495525148, + 785.7272945892054, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2584953232872, - 607.3822245238982, - 1584.535302794171, - -731.6842665309744, - -771.4359162336249, - -929.3683417681542, - 459.29124732182595, + -655.2568685220383, + 607.3964378313091, + 1584.5532755542522, + -731.6841405083221, + -771.4358133842395, + -929.368200079996, + 459.29279507466146, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.7341762613544, - -1086.3390779760527, - -852.0116432703013, - -630.2788645972822, - -530.2348247818272, - -503.6092583906495, - -530.2348247818269, - -630.2788645972823, - -852.0116432703014, - -1086.339077976053, - 1164.7341762613548, + 1164.7436961408268, + -1086.3389286753634, + -852.0117240954623, + -630.2788360356371, + -530.2347421049732, + -503.6091742159917, + -530.2346854732788, + -630.2786944093898, + -852.0114763376636, + -1086.3391423854885, + 1164.7280668526641, 5000, 5000, 5000, 5000, 5000, 5000, - 459.2912473218262, - -929.3683417681538, - -771.4359162336256, - -535.8476223342512, - -594.763548812455, - -769.1423913514284, - 1408.0932847951094, + 459.2926666077059, + -929.3682200187593, + -771.4357366041028, + -535.8476112056447, + -594.7635971079134, + -769.1424204250183, + 1408.0969222943656, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.9292183767977, - -1016.7539430045322, - -770.3126256437391, - -525.1919346672074, - -409.2212473245482, - -377.5819547225068, - -409.22124732454836, - -525.1919346672071, - -770.3126256437396, - -1016.7539430045322, - 1281.9292183767966, + 1281.9418146052976, + -1016.7538411461652, + -770.3128537807296, + -525.1920180788904, + -409.22125629203697, + -377.58196165756254, + -409.2211907343427, + -525.1918569248538, + -770.3125811822969, + -1016.7540758618657, + 1281.9264014082682, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0932847951094, - -769.1423913514279, - -594.7635488124549, - -514.872089691097, - -592.611952855836, - -794.770730357317, - 2796.7999317659624, + 1408.0968674723492, + -769.1424506730805, + -594.7635141021434, + -514.8720445079213, + -592.6119527456086, + -794.7706317405948, + 2796.8033971463838, 5000, 5000, 5000, @@ -18934,15 +19186,15 @@ 5000, 5000, 5000, - 1245.9333889771474, - -902.9628379432106, - -644.7427249168397, - -463.53649102703685, - -412.55268051107197, - -463.53649102703696, - -644.7427249168401, - -902.9628379432103, - 1245.9333889771472, + 1245.9302961536673, + -902.9629618719915, + -644.7426144783461, + -463.5363764093636, + -412.5525929317515, + -463.5362704701606, + -644.7423624818974, + -902.9629935128935, + 1245.9137165609375, 5000, 5000, 5000, @@ -18950,13 +19202,13 @@ 5000, 5000, 5000, - 2796.799931765961, - -794.7707303573171, - -592.6119528558361, - -590.9990362668115, - -662.1400070822751, - -843.6564218968479, - 3902.937110976481, + 2796.8033229986286, + -794.7706806955784, + -592.6118572927865, + -590.9990223256015, + -662.140041586778, + -843.6563973696112, + 3902.9418587393884, 5000, 5000, 5000, @@ -18964,15 +19216,15 @@ 5000, 5000, 5000, - 1105.6717561754376, - -940.1622112675066, - -681.3740622844002, - -508.098267463834, - -460.2062212513972, - -508.098267463834, - -681.3740622844002, - -940.1622112675072, - 1105.6717561754376, + 1105.6724234108951, + -940.1623237968572, + -681.3740332037819, + -508.098197955175, + -460.2061650972408, + -508.0980970771448, + -681.373790867005, + -940.1623254368488, + 1105.6560291386547, 5000, 5000, 5000, @@ -18980,13 +19232,13 @@ 5000, 5000, 5000, - 3902.9371109764793, - -843.6564218968475, - -662.1400070822756, - -791.8291079382664, - -841.7783398614843, - -1027.5374375722618, - 1920.4789084038696, + 3902.9417837923174, + -843.6564427639499, + -662.139947734917, + -791.8290928752339, + -841.7783822469605, + -1027.537405284099, + 1920.48218924403, 5000, 5000, 5000, @@ -18994,15 +19246,15 @@ 5000, 5000, 5000, - 166.82060636478903, - -1084.4087124157318, - -824.0308183374838, - -675.7419267610779, - -636.604058723777, - -675.7419267610778, - -824.0308183374839, - -1084.4087124157318, - 166.82060636478943, + 166.82309119871343, + -1084.4087866412794, + -824.0307786964142, + -675.7418156344347, + -636.6039457893945, + -675.7417309500511, + -824.0305657110675, + -1084.4086598378526, + 166.81205560818324, 5000, 5000, 5000, @@ -19010,13 +19262,13 @@ 5000, 5000, 5000, - 1920.4789084038698, - -1027.5374375722613, - -841.7783398614849, - 2746.2941131737807, - 3871.955489371442, - 1924.2526590949033, - 64.46648806423526, + 1920.4819018855299, + -1027.5374385605319, + -841.7782971084088, + 2746.2917312675063, + 3871.9513210680457, + 1924.2502295753193, + 64.46724916447526, 5000, 5000, 5000, @@ -19024,15 +19276,15 @@ 5000, 5000, 5000, - -449.0743229154734, - -1321.71960038095, - -1087.2321260138785, - -944.581517237904, - -906.2908773198973, - -944.5815172379041, - -1087.2321260138776, - -1321.7196003809493, - -449.0743229154732, + -449.07069703060745, + -1321.7196117263784, + -1087.2321198018535, + -944.581505712105, + -906.2908952545629, + -944.5814459265056, + -1087.2319481120155, + -1321.7193895905693, + -449.07811369006834, 5000, 5000, 5000, @@ -19040,9 +19292,9 @@ 5000, 5000, 5000, - 64.46648806423515, - 1924.2526590949017, - 3871.955489371439, + 64.4659659937833, + 1924.2510944148069, + 3871.9506830689465, 5000, 5000, 5000, @@ -19054,15 +19306,15 @@ 5000, 5000, 5000, - 200.6928937498383, - -569.8858808232254, - -42.389414672657765, - 802.3109149189219, - 951.5067938470206, - 802.3109149189219, - -42.389414672657814, - -569.8858808232254, - 200.69289374983825, + 200.69764219591198, + -569.8853036089922, + -42.38848672140661, + 802.3115175128419, + 951.506671749379, + 802.311563432826, + -42.388212728972476, + -569.8846555962249, + 200.6923897246229, 5000, 5000, 5000, @@ -19253,11 +19505,11 @@ 5000, 5000, 5000, - 1576.0886217969319, - 1387.881097739582, - 309.08538022614374, - -309.79073093995083, - 450.17823366263815, + 1576.101844042372, + 1387.8931776259838, + 309.0909743431517, + -309.78996427820954, + 450.17944388193655, 5000, 5000, 5000, @@ -19279,15 +19531,15 @@ 5000, 5000, 5000, - 450.1782336626383, - -309.7907309399507, - 309.0853802261432, - 1387.8810977395815, - -897.1186483988979, - -938.6692526155542, - -1091.3582289379685, - -1325.807304239582, - -442.67460859045235, + 450.17926437666034, + -309.79013661922954, + 309.0909728282709, + 1387.8929259954248, + -897.1183975885426, + -938.6689832428438, + -1091.3578604097258, + -1325.8070929332468, + -442.6781874798123, 5000, 5000, 5000, @@ -19295,13 +19547,13 @@ 5000, 5000, 5000, - 89.21355381813389, - 1912.3641396991513, - 3911.937030906642, - 2849.7494943404804, - 3911.9370309066435, - 1912.3641396991504, - 89.21355381813409, + 89.21348527429431, + 1912.3625011109593, + 3911.932210545316, + 2849.7465524273275, + 3911.9323137736365, + 1912.3628421817637, + 89.21165236716674, 5000, 5000, 5000, @@ -19309,15 +19561,15 @@ 5000, 5000, 5000, - -442.6746085904522, - -1325.8073042395813, - -1091.358228937968, - -938.6692526155543, - -652.8321602283597, - -691.3473586358502, - -836.3602008654897, - -1095.6675083369028, - 82.48595142677559, + -442.67702110648554, + -1325.8072287513746, + -1091.3579238462817, + -938.6689545048544, + -652.8321791174711, + -691.3473685667886, + -836.3600933230935, + -1095.6674300510235, + 82.48364362945509, 5000, 5000, 5000, @@ -19325,13 +19577,13 @@ 5000, 5000, 5000, - 1914.5449843215083, - -1033.849376488415, - -848.4720381153305, - -797.69287457475, - -848.4720381153301, - -1033.8493764884151, - 1914.5449843215083, + 1914.5475874748815, + -1033.8493561335617, + -848.4719898350672, + -797.6928407189287, + -848.4718610609183, + -1033.8492701099117, + 1914.5321588455336, 5000, 5000, 5000, @@ -19339,15 +19591,15 @@ 5000, 5000, 5000, - 82.48595142677611, - -1095.667508336902, - -836.3602008654897, - -691.3473586358508, - -466.81755059014654, - -514.1321190727085, - -685.7659148089456, - -945.203868076513, - 1048.4797915587144, + 82.48615988728523, + -1095.6675143855869, + -836.3601563242675, + -691.3473252634379, + -466.817462632755, + -514.132041659606, + -685.765760807698, + -945.2037210977114, + 1048.479671009979, 5000, 5000, 5000, @@ -19355,13 +19607,13 @@ 5000, 5000, 5000, - 3878.2373675873146, - -846.6678309063124, - -665.3553772174504, - -594.3357282861252, - -665.35537721745, - -846.6678309063122, - 3878.237367587315, + 3878.2404353789198, + -846.6677243541162, + -665.3552064271112, + -594.3355623716384, + -665.355047100329, + -846.667716396084, + 3878.215970746191, 5000, 5000, 5000, @@ -19369,15 +19621,15 @@ 5000, 5000, 5000, - 1048.4797915587142, - -945.2038680765131, - -685.7659148089456, - -514.1321190727087, - -412.55268809584135, - -463.53650048128367, - -644.7427401775943, - -902.9628224857978, - 1245.934333635992, + 1048.482651770637, + -945.2038173710196, + -685.7658264065126, + -514.1319932239825, + -412.5526748595249, + -463.53650319526804, + -644.7426810891623, + -902.9627652657823, + 1245.93508946602, 5000, 5000, 5000, @@ -19385,13 +19637,13 @@ 5000, 5000, 5000, - 2796.7999273595783, - -794.7707321819765, - -592.6119537590496, - -514.8720903589676, - -592.6119537590495, - -794.7707321819762, - 2796.7999273595783, + 2796.8033038082954, + -794.770692311699, + -592.6118878456264, + -514.8720364284704, + -592.61171704741, + -794.7706408866776, + 2796.7859047187903, 5000, 5000, 5000, @@ -19399,15 +19651,15 @@ 5000, 5000, 5000, - 1245.9343336359916, - -902.9628224857978, - -644.7427401775939, - -463.5365004812837, - -460.20622480375164, - -508.098271972036, - -681.374069784664, - -940.1622121185953, - 1105.6719703054168, + 1245.9376744627914, + -902.9628795184121, + -644.7427490806056, + -463.5364529254863, + -460.2062007413313, + -508.0982669283651, + -681.3740231797032, + -940.1622293657407, + 1105.6715936049472, 5000, 5000, 5000, @@ -19415,13 +19667,13 @@ 5000, 5000, 5000, - 3902.937112857025, - -843.6564229230202, - -662.1400075213324, - -590.9990365204653, - -662.140007521332, - -843.6564229230202, - 3902.937112857027, + 3902.9423269286267, + -843.6563604329186, + -662.1399121600067, + -590.9989492381543, + -662.1397523606197, + -843.6563533053784, + 3902.9177502796542, 5000, 5000, 5000, @@ -19429,15 +19681,15 @@ 5000, 5000, 5000, - 1105.6719703054173, - -940.162212118595, - -681.3740697846638, - -508.09827197203606, - -636.6040593752316, - -675.7419276391635, - -824.0308200940403, - -1084.4087158386812, - 166.82060066152795, + 1105.6745813440518, + -940.1623269140175, + -681.3740890717659, + -508.0982182016952, + -636.6042519549609, + -675.7421251838579, + -824.0309556018229, + -1084.408921369228, + 166.82010706686586, 5000, 5000, 5000, @@ -19445,13 +19697,13 @@ 5000, 5000, 5000, - 1920.4789084481401, - -1027.5374377832204, - -841.7783398966077, - -791.8291079594967, - -841.7783398966073, - -1027.5374377832209, - 1920.478908448139, + 1920.478230957479, + -1027.5375170831815, + -841.778281684625, + -791.8290280762977, + -841.7781519095855, + -1027.5374303386432, + 1920.4627984514063, 5000, 5000, 5000, @@ -19459,15 +19711,15 @@ 5000, 5000, 5000, - 166.82060066152806, - -1084.4087158386815, - -824.0308200940403, - -675.7419276391635, - -906.2908785529889, - -944.5815189177478, - -1087.2321292168904, - -1321.7196065244239, - -449.07433212040996, + 166.82271957548423, + -1084.409004032459, + -824.0310188275731, + -675.742081384669, + -906.2902739445633, + -944.580962531282, + -1087.2315887602367, + -1321.7192760706364, + -449.07865946485964, 5000, 5000, 5000, @@ -19475,13 +19727,13 @@ 5000, 5000, 5000, - 64.46648678145775, - 1924.2526584711522, - 3871.9554890167597, - 2746.294112891727, - 3871.955489016758, - 1924.2526584711534, - 64.46648678145792, + 64.46585545432676, + 1924.2539626807368, + 3871.9579101037175, + 2746.299700360665, + 3871.9580135983415, + 1924.254295865955, + 64.46399889511915, 5000, 5000, 5000, @@ -19489,15 +19741,15 @@ 5000, 5000, 5000, - -449.07433212041025, - -1321.7196065244236, - -1087.2321292168901, - -944.5815189177481, - 951.5067932692263, - 802.3109142272235, - -42.389415835419015, - -569.8858828554735, - 200.6928904548639, + -449.0773629007025, + -1321.7194053241278, + -1087.2316536588128, + -944.5809325605725, + 951.50953071255, + 802.3122534904775, + -42.3910960259848, + -569.8896914636882, + 200.68601336042727, 5000, 5000, 5000, @@ -19519,10 +19771,10 @@ 5000, 5000, 5000, - 200.69289045486394, - -569.8858828554736, - -42.38941583541867, - 802.3109142272231, + 200.6858376803709, + -569.8898612224972, + -42.39112818293691, + 802.3120392079579, 5000, 5000, 5000, @@ -19714,15 +19966,15 @@ 5000, 5000, 5000, - 450.1782323773816, - -309.7907317483169, - 309.08537974640353, - 1387.88109743923, - 1576.088621544765, - 1387.88109743923, - 309.08537974640376, - -309.79073174831694, - 450.1782323773815, + 450.1832699927703, + -309.78574544766667, + 309.0908836526455, + 1387.8884312426942, + 1576.0952602326047, + 1387.8884790558686, + 309.091194914923, + -309.7849737782062, + 450.1782685441712, 5000, 5000, 5000, @@ -19733,10 +19985,10 @@ 5000, 5000, 5000, - 2849.7494944820414, - 3911.93703107655, - 1912.3641398904417, - 89.21355401434226, + 2849.771026494542, + 3911.9730690882498, + 1912.3896852185158, + 89.21902568817096, 5000, 5000, 5000, @@ -19744,15 +19996,15 @@ 5000, 5000, 5000, - -442.6746084421701, - -1325.8073041231526, - -1091.3582288447296, - -938.6692525428822, - -897.118648315113, - -938.6692525428821, - -1091.3582288447296, - -1325.8073041231519, - -442.6746084421702, + -442.6733450619157, + -1325.8075370418414, + -1091.3583852973438, + -938.6692348676372, + -897.1186194577423, + -938.6691774474241, + -1091.358216232077, + -1325.8073085631138, + -442.68068668400656, 5000, 5000, 5000, @@ -19760,13 +20012,13 @@ 5000, 5000, 5000, - 89.21355401434231, - 1912.364139890442, - 3911.937031076551, - -797.6928746127809, - -848.4720380779368, - -1033.849376394768, - 1914.5449844675923, + 89.21770447520979, + 1912.3905438949475, + 3911.972464377551, + -797.6928165103125, + -848.4719876633285, + -1033.8492062793507, + 1914.5497664045965, 5000, 5000, 5000, @@ -19774,15 +20026,15 @@ 5000, 5000, 5000, - 82.48595134654067, - -1095.667508470704, - -836.3602010477845, - -691.3473588457953, - -652.8321604711612, - -691.3473588457952, - -836.3602010477847, - -1095.6675084707033, - 82.48595134654113, + 82.48927448843082, + -1095.6676004568096, + -836.3601863494304, + -691.3472632552732, + -652.8320597625269, + -691.3471805127423, + -836.3599770116718, + -1095.6674614457445, + 82.47878226029343, 5000, 5000, 5000, @@ -19790,13 +20042,13 @@ 5000, 5000, 5000, - 1914.544984467592, - -1033.849376394767, - -848.4720380779363, - -594.3357283732574, - -665.3553773060214, - -846.6678310600016, - 3878.2373675102976, + 1914.5494687426817, + -1033.8492398406659, + -848.4719028075658, + -594.3356784913445, + -665.3553873212252, + -846.6677848427325, + 3878.2442883613357, 5000, 5000, 5000, @@ -19804,15 +20056,15 @@ 5000, 5000, 5000, - 1048.4797847302948, - -945.2038740618867, - -685.7659178983444, - -514.1321206783692, - -466.81755180694864, - -514.132120678369, - -685.7659178983434, - -945.2038740618865, - 1048.479784730295, + 1048.4858810302262, + -945.2040363498662, + -685.7660408116977, + -514.1321414157743, + -466.81756819150513, + -514.1320415431685, + -685.7658003636976, + -945.2040291062467, + 1048.4698127509218, 5000, 5000, 5000, @@ -19820,13 +20072,13 @@ 5000, 5000, 5000, - 3878.2373675102986, - -846.6678310600017, - -665.3553773060218, - -519.2261719460386, - -598.2886679061339, - -819.3801485590532, - 1717.5689453661491, + 3878.244213569742, + -846.6678301766149, + -665.3552937177392, + -519.2261491304525, + -598.2886941003446, + -819.3800775789687, + 1717.5722574683682, 5000, 5000, 5000, @@ -19835,13 +20087,13 @@ 5000, 5000, 5000, - -329.653043013652, - -772.7556163293752, - -548.1793220497068, - -479.64847664830285, - -548.1793220497069, - -772.7556163293754, - -329.6530430136521, + -329.6540681778939, + -772.7555597606728, + -548.1792199286781, + -479.6483999143742, + -548.1790745687563, + -772.7552968349348, + -329.65723772518777, 5000, 5000, 5000, @@ -19850,13 +20102,13 @@ 5000, 5000, 5000, - 1717.5689453661487, - -819.3801485590532, - -598.288667906134, - -599.0336523214808, - -671.0570960186628, - -879.406910155387, - 1803.4778664800067, + 1717.5721813422558, + -819.3801411717432, + -598.2886030988669, + -599.0336294211602, + -671.0571223272867, + -879.4068655066857, + 1803.4815058017616, 5000, 5000, 5000, @@ -19865,13 +20117,13 @@ 5000, 5000, 5000, - -441.32954478281937, - -822.4658296968557, - -607.8146500060833, - -545.6640905547707, - -607.8146500060835, - -822.4658296968557, - -441.32954478281926, + -441.32973725901206, + -822.465840923163, + -607.8145912706146, + -545.6640418856222, + -607.8144540147028, + -822.4655846008285, + -441.33263194732933, 5000, 5000, 5000, @@ -19880,13 +20132,13 @@ 5000, 5000, 5000, - 1803.4778664800067, - -879.4069101553873, - -671.0570960186627, - -818.133551810572, - -877.0598578498527, - -1083.1646430918831, - 303.10812015528865, + 1803.4814450619806, + -879.4069252206309, + -671.0570332760383, + -818.1334963616035, + -877.0598471213142, + -1083.1645423281548, + 303.1097093328826, 5000, 5000, 5000, @@ -19895,13 +20147,13 @@ 5000, 5000, 5000, - -940.1565040399599, - -1009.0955272896913, - -820.2807351503093, - -768.2317778491193, - -820.2807351503097, - -1009.0955272896914, - -940.15650403996, + -940.1563171173972, + -1009.0955099511365, + -820.2806409037729, + -768.2316826669683, + -820.2805284783356, + -1009.0952646049134, + -940.1576711581871, 5000, 5000, 5000, @@ -19910,13 +20162,13 @@ 5000, 5000, 5000, - 303.10812015528825, - -1083.1646430918822, - -877.059857849853, - 1853.0786446429286, - 1973.0942883468665, - 438.03839842963805, - -422.2528857327196, + 303.10943550201927, + -1083.164593844094, + -877.0597643740851, + 1853.0731729570284, + 1973.087516490335, + 438.0346367427512, + -422.25310919186484, 5000, 5000, 5000, @@ -19925,13 +20177,13 @@ 5000, 5000, 5000, - -1258.6797184868465, - -990.5521268172423, - -519.324655435077, - -406.66432740721467, - -519.324655435077, - -990.5521268172423, - -1258.679718486846, + -1258.6793752374563, + -990.5521604154956, + -519.324866195864, + -406.6646890163048, + -519.324785719903, + -990.5519029157163, + -1258.679377782049, 5000, 5000, 5000, @@ -19940,9 +20192,9 @@ 5000, 5000, 5000, - -422.2528857327197, - 438.0383984296374, - 1973.0942883468676, + -422.2545480187606, + 438.0350327773608, + 1973.08743220111, 5000, 5000, 5000, @@ -20183,10 +20435,10 @@ 5000, 5000, 5000, - -244.57438868426706, - -368.58454684818247, - -913.17092791144, - -1228.818177912574, + -244.5737895102909, + -368.58390419196706, + -913.1703606489899, + -1228.8184967860782, 5000, 5000, 5000, @@ -20195,13 +20447,13 @@ 5000, 5000, 5000, - -462.24643604449744, - 228.3140331721419, - 1640.3739462437632, - 1588.3452100598352, - 1640.3739462437638, - 228.3140331721421, - -462.2464360444977, + -462.24632830820184, + 228.3135109059375, + 1640.3724442705043, + 1588.3438806885376, + 1640.3725467780614, + 228.31387151853923, + -462.2471147442545, 5000, 5000, 5000, @@ -20210,13 +20462,13 @@ 5000, 5000, 5000, - -1228.8181779125732, - -913.1709279114402, - -368.5845468481825, - -776.9814676447195, - -828.1435891072842, - -1016.5761866518786, - -967.9506406322179, + -1228.81901905761, + -913.1703452528263, + -368.5838446554552, + -776.9814789562647, + -828.1436034537148, + -1016.5760977105717, + -967.9507682873299, 5000, 5000, 5000, @@ -20225,13 +20477,13 @@ 5000, 5000, 5000, - 355.84108879788755, - -1084.5200802658555, - -880.4820186974499, - -820.4991978191376, - -880.4820186974503, - -1084.520080265856, - 355.84108879788755, + 355.8419880639571, + -1084.520096806622, + -880.4819980212833, + -820.4991907543723, + -880.4818680397018, + -1084.5199218007174, + 355.83449495895417, 5000, 5000, 5000, @@ -20240,13 +20492,13 @@ 5000, 5000, 5000, - -967.9506406322183, - -1016.5761866518785, - -828.1435891072839, - -550.5261503650438, - -612.8659474242104, - -826.3410417700047, - -454.9470749197173, + -967.9508837880315, + -1016.5761602663649, + -828.1435378048052, + -550.5260413788658, + -612.8658659008628, + -826.340880728554, + -454.94637507093813, 5000, 5000, 5000, @@ -20255,13 +20507,13 @@ 5000, 5000, 5000, - 1798.8540813092336, - -878.4711085878877, - -669.8345175817852, - -597.5547339261018, - -669.8345175817853, - -878.4711085878879, - 1798.854081309234, + 1798.8550702249438, + -878.4709824359579, + -669.8343284654703, + -597.5545543449573, + -669.8341680882573, + -878.4708621389964, + 1798.8415262582791, 5000, 5000, 5000, @@ -20270,13 +20522,13 @@ 5000, 5000, 5000, - -454.9470749197175, - -826.341041770005, - -612.8659474242103, - -479.64847657234816, - -548.1793218813233, - -772.7556176033813, - -329.65311338306805, + -454.9464375075556, + -826.3409483752228, + -612.8657947057369, + -479.6484649001715, + -548.1793419130477, + -772.75555789641, + -329.65224057648305, 5000, 5000, 5000, @@ -20285,13 +20537,13 @@ 5000, 5000, 5000, - 1717.568946891428, - -819.3801477930084, - -598.2886674311214, - -519.2261715177978, - -598.2886674311211, - -819.3801477930085, - 1717.5689468914281, + 1717.568707269707, + -819.3800944035058, + -598.2885683469852, + -519.226095622335, + -598.28839747985, + -819.3799645540901, + 1717.5561944115282, 5000, 5000, 5000, @@ -20300,13 +20552,13 @@ 5000, 5000, 5000, - -329.653113383068, - -772.7556176033813, - -548.1793218813234, - -545.664090363454, - -607.8146498421399, - -822.4658295304736, - -441.32954445936986, + -329.65233196783055, + -772.7556291056461, + -548.1792687088001, + -545.6640539235129, + -607.8146463452589, + -822.4657605581523, + -441.3285697642427, 5000, 5000, 5000, @@ -20315,13 +20567,13 @@ 5000, 5000, 5000, - 1803.4778664729727, - -879.406910114306, - -671.0570959304496, - -599.0336523252319, - -671.0570959304498, - -879.4069101143057, - 1803.477866472972, + 1803.4751527159697, + -879.4068226485712, + -671.0569371730539, + -599.0335177092439, + -671.0567771826485, + -879.4067027709988, + 1803.4615700500399, 5000, 5000, 5000, @@ -20330,13 +20582,13 @@ 5000, 5000, 5000, - -441.32954445937, - -822.4658295304732, - -607.81464984214, - -768.2317778399967, - -820.2807351824265, - -1009.0955273391347, - -940.1565041257472, + -441.3286320252378, + -822.4658284388869, + -607.8145750065814, + -768.2316732041611, + -820.2806293601008, + -1009.0953029873428, + -940.1574412914399, 5000, 5000, 5000, @@ -20345,13 +20597,13 @@ 5000, 5000, 5000, - 303.10812010929845, - -1083.1646430886155, - -877.0598578532167, - -818.1335518096103, - -877.0598578532165, - -1083.164643088616, - 303.10812010929845, + 303.1079905373654, + -1083.164630689318, + -877.0597249192447, + -818.1334150585292, + -877.0595954550582, + -1083.1644526394534, + 303.1007544583025, 5000, 5000, 5000, @@ -20360,13 +20612,13 @@ 5000, 5000, 5000, - -940.1565041257473, - -1009.0955273391345, - -820.2807351824262, - -406.6643269449101, - -519.3246547778524, - -990.5521254911472, - -1258.67971590606, + -940.1575463154687, + -1009.0953660206826, + -820.2805635778473, + -406.6617555978665, + -519.322555492126, + -990.5510693148411, + -1258.679950925324, 5000, 5000, 5000, @@ -20375,13 +20627,13 @@ 5000, 5000, 5000, - -422.2528852335115, - 438.03839869809406, - 1973.0942885343168, - 1853.0786447873509, - 1973.0942885343175, - 438.0383986980944, - -422.2528852335113, + -422.2529555513674, + 438.04261937765335, + 1973.1032581181, + 1853.0888669032809, + 1973.1033612710692, + 438.04299066257903, + -422.2536199082719, 5000, 5000, 5000, @@ -20390,9 +20642,9 @@ 5000, 5000, 5000, - -1258.6797159060595, - -990.5521254911476, - -519.3246547778524, + -1258.680444669364, + -990.5510728997535, + -519.3224978214357, 5000, 5000, 5000, @@ -20633,10 +20885,10 @@ 5000, 5000, 5000, - 1588.3452100732052, - 1640.3739462101478, - 228.31403304423017, - -462.24643631951636, + 1588.3579447527125, + 1640.3897665747895, + 228.32442917227553, + -462.24276053296245, 5000, 5000, 5000, @@ -20645,13 +20897,13 @@ 5000, 5000, 5000, - -1228.8181779114502, - -913.1709278841375, - -368.5845468086978, - -244.57438864722167, - -368.5845468086976, - -913.1709278841379, - -1228.81817791145, + -1228.8170196874407, + -913.1684230267169, + -368.58012718069807, + -244.57005270694026, + -368.58004734331814, + -913.1681573221334, + -1228.8169588682197, 5000, 5000, 5000, @@ -20660,13 +20912,13 @@ 5000, 5000, 5000, - -462.2464363195162, - 228.3140330442309, - 1640.3739462101466, - -820.4991975053686, - -880.4820183458803, - -1084.5200797118064, - 355.84108957919386, + -462.24417910481554, + 228.3247652477245, + 1640.389720056533, + -820.4990855887833, + -880.4819123640549, + -1084.5198528486628, + 355.8423682657915, 5000, 5000, 5000, @@ -20675,13 +20927,13 @@ 5000, 5000, 5000, - -967.9506405859682, - -1016.5761866085593, - -828.1435890837414, - -776.9814675834922, - -828.1435890837412, - -1016.5761866085589, - -967.9506405859684, + -967.9504599515226, + -1016.5761704370202, + -828.1435048225333, + -776.9813913005016, + -828.1433940140801, + -1016.5759256157755, + -967.9517124988605, 5000, 5000, 5000, @@ -20690,13 +20942,13 @@ 5000, 5000, 5000, - 355.84108957919364, - -1084.5200797118057, - -880.4820183458799, - -597.5547337061829, - -669.8345173190374, - -878.4711082038475, - 1798.8540773277182, + 355.8421041019306, + -1084.5199052817163, + -880.4818295078442, + -597.5546818381098, + -669.8345191999007, + -878.4710146739811, + 1798.8605108224444, 5000, 5000, 5000, @@ -20705,13 +20957,13 @@ 5000, 5000, 5000, - -454.947072702872, - -826.34103988272, - -612.8659465984229, - -550.526149826766, - -612.8659465984226, - -826.3410398827197, - -454.94707270287205, + -454.9489831063716, + -826.3409138332919, + -612.8657681805469, + -550.525995822613, + -612.8656318227976, + -826.3406581081535, + -454.95183027959183, 5000, 5000, 5000, @@ -20720,13 +20972,13 @@ 5000, 5000, 5000, - 1798.854077327718, - -878.4711082038474, - -669.8345173190371, - -479.64847638091015, - -548.1793216705128, - -772.75561734516, - -329.6531130237877, + 1798.860452001092, + -878.471074476724, + -669.8344302092047, + -479.6484612982425, + -548.1793444973225, + -772.7555840573551, + -329.652476432372, 5000, 5000, 5000, @@ -20735,13 +20987,13 @@ 5000, 5000, 5000, - 1717.5689659878717, - -819.3801478029583, - -598.2886672916285, - -519.226171253278, - -598.2886672916284, - -819.3801478029583, - 1717.5689659878722, + 1717.5687388571364, + -819.3801509357776, + -598.2886018086255, + -519.2261220199827, + -598.2884309414909, + -819.3800210863681, + 1717.5562259984151, 5000, 5000, 5000, @@ -20750,13 +21002,13 @@ 5000, 5000, 5000, - -329.65311302378745, - -772.7556173451596, - -548.1793216705128, - -550.5261498267655, - -612.8659465984225, - -826.3410398827201, - -454.9470727028724, + -329.652567823645, + -772.7556552665769, + -548.1792712930664, + -550.5261087046065, + -612.8659421675136, + -826.340985745412, + -454.9464780404167, 5000, 5000, 5000, @@ -20765,13 +21017,13 @@ 5000, 5000, 5000, - 1798.8540773277157, - -878.4711082038473, - -669.834517319037, - -597.5547337061826, - -669.834517319037, - -878.471108203847, - 1798.8540773277148, + 1798.8554663603118, + -878.4711552581499, + -669.8344862508998, + -597.5547065705581, + -669.8343258736861, + -878.4710349612164, + 1798.8419223906674, 5000, 5000, 5000, @@ -20780,13 +21032,13 @@ 5000, 5000, 5000, - -454.9470727028722, - -826.3410398827198, - -612.8659465984222, - -776.9814675834926, - -828.143589083741, - -1016.5761866085597, - -967.9506405859682, + -454.9465404770067, + -826.341053392073, + -612.8658709723771, + -776.9812807099356, + -828.1434263445284, + -1016.575961747874, + -967.950462528021, 5000, 5000, 5000, @@ -20795,13 +21047,13 @@ 5000, 5000, 5000, - 355.84108957919364, - -1084.5200797118057, - -880.4820183458794, - -820.4991975053682, - -880.4820183458799, - -1084.520079711806, - 355.84108957919494, + 355.8427006004711, + -1084.5200936090414, + -880.4819847992494, + -820.4991586376395, + -880.4818548176397, + -1084.519918603144, + 355.8352074922847, 5000, 5000, 5000, @@ -20810,13 +21062,13 @@ 5000, 5000, 5000, - -967.9506405859678, - -1016.576186608559, - -828.1435890837405, - -244.57438864722133, - -368.584546808698, - -913.1709278841378, - -1228.818177911449, + -967.9505780287788, + -1016.5760243036716, + -828.1433606955985, + -244.57706877161579, + -368.5870213057164, + -913.1718605952866, + -1228.8183467496124, 5000, 5000, 5000, @@ -20825,13 +21077,13 @@ 5000, 5000, 5000, - -462.2464363195159, - 228.31403304423074, - 1640.3739462101455, - 1588.3452100732063, - 1640.3739462101457, - 228.3140330442314, - -462.24643631951636, + -462.245561066136, + 228.31362398068143, + 1640.3724353418354, + 1588.3438653546905, + 1640.3725378494007, + 228.31398459356032, + -462.24634750067395, 5000, 5000, 5000, @@ -20840,9 +21092,9 @@ 5000, 5000, 5000, - -1228.8181779114495, - -913.1709278841379, - -368.58454680869795, + -1228.8188690216925, + -913.1718451996701, + -368.5869617692427, 5000, 5000, 5000, @@ -21083,10 +21335,10 @@ 5000, 5000, 5000, - 1853.078644787351, - 1973.0942885343152, - 438.03839869809383, - -422.2528852335115, + 1853.0782185960238, + 1973.0943457148544, + 438.0389601801867, + -422.2531636896444, 5000, 5000, 5000, @@ -21095,13 +21347,13 @@ 5000, 5000, 5000, - -1258.6797159060598, - -990.5521254911472, - -519.3246547778526, - -406.6643269449101, - -519.3246547778526, - -990.5521254911479, - -1258.6797159060604, + -1258.6796515832464, + -990.5521787861451, + -519.3248473892907, + -406.6646711495271, + -519.324766913322, + -990.5519212864327, + -1258.6796541280492, 5000, 5000, 5000, @@ -21110,13 +21362,13 @@ 5000, 5000, 5000, - -422.2528852335114, - 438.03839869809445, - 1973.0942885343152, - -818.1335518096113, - -877.0598578532163, - -1083.164643088615, - 303.10812010929806, + -422.254602515019, + 438.03935621626147, + 1973.0942614246112, + -818.1335090674664, + -877.0598245964081, + -1083.164529805013, + 303.1090008881449, 5000, 5000, 5000, @@ -21125,13 +21377,13 @@ 5000, 5000, 5000, - -940.1565041257468, - -1009.0955273391344, - -820.2807351824267, - -768.2317778399971, - -820.2807351824266, - -1009.0955273391339, - -940.156504125747, + -940.1565479457643, + -1009.0955429833083, + -820.2807216845384, + -768.2317809744836, + -820.2806092591252, + -1009.0952976371138, + -940.1579019854262, 5000, 5000, 5000, @@ -21140,13 +21392,13 @@ 5000, 5000, 5000, - 303.1081201092981, - -1083.1646430886153, - -877.0598578532166, - -599.0336523252322, - -671.0570959304498, - -879.4069101143061, - 1803.4778664729724, + 303.1087270573961, + -1083.1645813209266, + -877.0597418492159, + -599.0335054055124, + -671.056990664775, + -879.4067132413564, + 1803.4811380305773, 5000, 5000, 5000, @@ -21155,13 +21407,13 @@ 5000, 5000, 5000, - -441.32954445937025, - -822.4658295304736, - -607.8146498421395, - -545.6640903634541, - -607.8146498421398, - -822.4658295304739, - -441.32954445937025, + -441.3296308357574, + -822.4656795221532, + -607.8144508663473, + -545.6639070588535, + -607.8143136104384, + -822.465423199822, + -441.33252552368936, 5000, 5000, 5000, @@ -21170,13 +21422,13 @@ 5000, 5000, 5000, - 1803.477866472973, - -879.4069101143064, - -671.0570959304501, - -519.2261715177979, - -598.2886674311219, - -819.3801477930084, - 1717.5689468914288, + 1803.4810772908, + -879.4067729553122, + -671.0569016135419, + -519.2261384904871, + -598.2886757788223, + -819.3800315108065, + 1717.5725206944162, 5000, 5000, 5000, @@ -21185,13 +21437,13 @@ 5000, 5000, 5000, - -329.65311338306805, - -772.7556176033816, - -548.1793218813237, - -479.6484765723479, - -548.1793218813234, - -772.7556176033813, - -329.65311338306805, + -329.6540078189154, + -772.7555079154181, + -548.1791909902319, + -479.6483782731704, + -548.179045630311, + -772.7552449896835, + -329.6571773660873, 5000, 5000, 5000, @@ -21200,13 +21452,13 @@ 5000, 5000, 5000, - 1717.568946891429, - -819.3801477930086, - -598.2886674311214, - -597.554733926102, - -669.8345175817858, - -878.4711085878878, - 1798.854081309233, + 1717.572444568223, + -819.3800951035985, + -598.288584777356, + -597.5546578269652, + -669.8344797311985, + -878.4709305276525, + 1798.860483915883, 5000, 5000, 5000, @@ -21215,13 +21467,13 @@ 5000, 5000, 5000, - -454.94707491971775, - -826.3410417700048, - -612.86594742421, - -550.5261503650435, - -612.8659474242099, - -826.3410417700051, - -454.94707491971775, + -454.9488718305703, + -826.3408470237332, + -612.8657381754887, + -550.5259782663272, + -612.8656018177356, + -826.340591298594, + -454.9517190037534, 5000, 5000, 5000, @@ -21230,13 +21482,13 @@ 5000, 5000, 5000, - 1798.854081309233, - -878.4711085878873, - -669.8345175817853, - -820.499197819137, - -880.4820186974497, - -1084.5200802658558, - 355.8410887978871, + 1798.8604250945164, + -878.4709903304209, + -669.8343907405231, + -820.499058566621, + -880.4819216050234, + -1084.519964356542, + 355.84014117247733, 5000, 5000, 5000, @@ -21245,13 +21497,13 @@ 5000, 5000, 5000, - -967.9506406322181, - -1016.5761866518784, - -828.1435891072836, - -776.981467644719, - -828.1435891072839, - -1016.5761866518786, - -967.950640632218, + -967.9509758456869, + -1016.5763354737255, + -828.1436788336279, + -776.981565584901, + -828.1435680251965, + -1016.5760906524839, + -967.9522283913054, 5000, 5000, 5000, @@ -21260,13 +21512,13 @@ 5000, 5000, 5000, - 355.8410887978871, - -1084.5200802658564, - -880.4820186974501, - 1588.3452100598365, - 1640.3739462437618, - 228.31403317214205, - -462.2464360444977, + 355.83987700868926, + -1084.5200167895757, + -880.4818387488137, + 1588.3527231302712, + 1640.379764223123, + 228.31622883576864, + -462.2468069756505, 5000, 5000, 5000, @@ -21275,13 +21527,13 @@ 5000, 5000, 5000, - -1228.8181779125741, - -913.1709279114407, - -368.58454684818287, - -244.57438868426684, - -368.5845468481829, - -913.1709279114405, - -1228.818177912574, + -1228.8181828823465, + -913.1693148893911, + -368.58092702116056, + -244.57028437856601, + -368.58084718376796, + -913.1690491852149, + -1228.8181220652104, 5000, 5000, 5000, @@ -21290,9 +21542,9 @@ 5000, 5000, 5000, - -462.24643604449744, - 228.31403317214247, - 1640.3739462437622, + -462.24822554317984, + 228.3165649096082, + 1640.3797177078268, 5000, 5000, 5000, @@ -21533,10 +21785,10 @@ 5000, 5000, 5000, - -406.6643274072146, - -519.324655435077, - -990.5521268172422, - -1258.6797184868465, + -406.6617794230946, + -519.322112409992, + -990.5504804459906, + -1258.679096608379, 5000, 5000, 5000, @@ -21545,13 +21797,13 @@ 5000, 5000, 5000, - -422.2528857327198, - 438.0383984296377, - 1973.0942883468665, - 1853.0786446429279, - 1973.094288346866, - 438.038398429638, - -422.2528857327197, + -422.2484132915436, + 438.0523754930046, + 1973.1152795538515, + 1853.0950466084644, + 1973.11538270689, + 438.0527467792147, + -422.249077641127, 5000, 5000, 5000, @@ -21560,13 +21812,13 @@ 5000, 5000, 5000, - -1258.679718486845, - -990.5521268172414, - -519.3246554350771, - -768.2317778491191, - -820.2807351503094, - -1009.095527289691, - -940.1565040399598, + -1258.6795903538973, + -990.550484031042, + -519.3220547397929, + -768.2315136238951, + -820.2804783085703, + -1009.0951801256072, + -940.1569413673573, 5000, 5000, 5000, @@ -21575,13 +21827,13 @@ 5000, 5000, 5000, - 303.10812015528853, - -1083.164643091883, - -877.0598578498531, - -818.1335518105716, - -877.0598578498528, - -1083.164643091883, - 303.10812015528853, + 303.1101079357134, + -1083.164568815165, + -877.0597814788159, + -818.1335144036614, + -877.0596520145995, + -1083.164390765397, + 303.1028718470788, 5000, 5000, 5000, @@ -21590,13 +21842,13 @@ 5000, 5000, 5000, - -940.1565040399596, - -1009.0955272896913, - -820.2807351503097, - -545.6640905547705, - -607.8146500060833, - -822.4658296968558, - -441.32954478281897, + -940.1570463914685, + -1009.0952431589521, + -820.2804125263095, + -545.6640826831679, + -607.814689207745, + -822.4658451790956, + -441.3286562955348, 5000, 5000, 5000, @@ -21605,13 +21857,13 @@ 5000, 5000, 5000, - 1803.4778664800074, - -879.406910155387, - -671.0570960186628, - -599.0336523214812, - -671.0570960186627, - -879.4069101553869, - 1803.4778664800065, + 1803.4751032092518, + -879.4069203880838, + -671.0569918639812, + -599.0335582769483, + -671.0568318735751, + -879.4068005105147, + 1803.4615205429345, 5000, 5000, 5000, @@ -21620,14 +21872,14 @@ 5000, 5000, 5000, - -441.3295447828194, - -822.4658296968555, - -607.8146500060833, - -412.55268925399025, - -463.536502279347, - -644.742744384985, - -902.9628294779098, - 1245.9343520670539, + -441.32871855648267, + -822.4659130598125, + -607.814617869054, + -412.5526656588492, + -463.53649859304954, + -644.7426904450094, + -902.9628253492613, + 1245.934443885315, 5000, 5000, 5000, @@ -21635,13 +21887,13 @@ 5000, 5000, 5000, - 2796.7999290161397, - -794.7707317522668, - -592.6119533244986, - -514.872089956071, - -592.611953324499, - -794.7707317522668, - 2796.7999290161392, + 2796.8037048817664, + -794.770741688471, + -592.6119206450761, + -514.8720627710501, + -592.6117498468622, + -794.7706902634743, + 2796.78630578973, 5000, 5000, 5000, @@ -21649,15 +21901,15 @@ 5000, 5000, 5000, - 1245.934352067054, - -902.9628294779101, - -644.7427443849849, - -463.53650227934696, - -466.8175518069493, - -514.1321206783688, - -685.7659178983441, - -945.2038740618868, - 1048.479784730296, + 1245.9370288822313, + -902.9629396018519, + -644.7427584364433, + -463.5364483232645, + -466.8174913476763, + -514.132078446956, + -685.7658232422668, + -945.2038249201854, + 1048.4797297395849, 5000, 5000, 5000, @@ -21665,13 +21917,13 @@ 5000, 5000, 5000, - 3878.2373675103, - -846.667831060002, - -665.3553773060216, - -594.3357283732572, - -665.3553773060213, - -846.6678310600014, - 3878.237367510301, + 3878.2418667417073, + -846.6678834373491, + -665.3553609440646, + -594.3357126822233, + -665.355201617283, + -846.6678754793844, + 3878.2174020998264, 5000, 5000, 5000, @@ -21679,15 +21931,15 @@ 5000, 5000, 5000, - 1048.4797847302948, - -945.2038740618871, - -685.7659178983432, - -514.132120678369, - -652.8321604711618, - -691.3473588457953, - -836.3602010477855, - -1095.6675084707047, - 82.48595134654121, + 1048.4827105009404, + -945.2039211934713, + -685.7658888410754, + -514.1320300113255, + -652.8318938851227, + -691.3471081092821, + -836.3599053444536, + -1095.6673306063512, + 82.48425620888268, 5000, 5000, 5000, @@ -21695,13 +21947,13 @@ 5000, 5000, 5000, - 1914.5449844675916, - -1033.8493763947677, - -848.4720380779364, - -797.6928746127816, - -848.4720380779365, - -1033.8493763947672, - 1914.5449844675904, + 1914.5480443279182, + -1033.849396272823, + -848.4720371239471, + -797.6928536846817, + -848.4719083497728, + -1033.8493102491755, + 1914.5326156968536, 5000, 5000, 5000, @@ -21709,15 +21961,15 @@ 5000, 5000, 5000, - 82.48595134654089, - -1095.667508470705, - -836.3602010477848, - -691.3473588457955, - -897.1186483151132, - -938.6692525428825, - -1091.358228844729, - -1325.8073041231528, - -442.67460844217, + 82.4867724667688, + -1095.6674149409232, + -836.359968345618, + -691.3470648059151, + -897.118781614236, + -938.6692808242212, + -1091.3578816627269, + -1325.8069122900824, + -442.67777899484736, 5000, 5000, 5000, @@ -21725,13 +21977,13 @@ 5000, 5000, 5000, - 89.21355401434255, - 1912.3641398904433, - 3911.9370310765516, - 2849.7494944820423, - 3911.937031076551, - 1912.3641398904444, - 89.2135540143422, + 89.21392740111425, + 1912.3626213151115, + 3911.932207985361, + 2849.746542045915, + 3911.932311213691, + 1912.3629623862198, + 89.21209449717259, 5000, 5000, 5000, @@ -21739,15 +21991,15 @@ 5000, 5000, 5000, - -442.67460844217044, - -1325.8073041231528, - -1091.3582288447292, - -938.6692525428824, - 1576.0886215447636, - 1387.8810974392302, - 309.08537974640365, - -309.790731748317, - 450.1782323773813, + -442.67661262247583, + -1325.8070481082668, + -1091.3579450993545, + -938.6692520862656, + 1576.0877563633687, + 1387.881293036908, + 309.086872966192, + -309.7888228447491, + 450.18198151368273, 5000, 5000, 5000, @@ -21769,10 +22021,10 @@ 5000, 5000, 5000, - 450.17823237738173, - -309.7907317483171, - 309.0853797464044, - 1387.8810974392302, + 450.18180200868346, + -309.7889951865447, + 309.0868714491384, + 1387.8810414046761, 5000, 5000, 5000, @@ -21964,15 +22216,15 @@ 5000, 5000, 5000, - 200.69289045486414, - -569.8858828554737, - -42.38941583541899, - 802.3109142272231, - 951.5067932692252, - 802.3109142272231, - -42.38941583541924, - -569.8858828554738, - 200.69289045486383, + 200.69589564378873, + -569.8867149974801, + -42.3897348472763, + 802.309771419463, + 951.5048871858892, + 802.3098173394283, + -42.389460855185725, + -569.8860669857999, + 200.69064317176844, 5000, 5000, 5000, @@ -21983,10 +22235,10 @@ 5000, 5000, 5000, - 2746.294112891724, - 3871.9554890167587, - 1924.2526584711545, - 64.4664867814579, + 2746.2893808873987, + 3871.9500519270173, + 1924.2500811834793, + 64.46693481478025, 5000, 5000, 5000, @@ -21994,15 +22246,15 @@ 5000, 5000, 5000, - -449.07433212041, - -1321.719606524424, - -1087.2321292168895, - -944.5815189177479, - -906.2908785529883, - -944.5815189177476, - -1087.2321292168895, - -1321.7196065244236, - -449.07433212040985, + -449.0709104982769, + -1321.719612174089, + -1087.2320952996963, + -944.5814855395723, + -906.2908789771603, + -944.5814257539605, + -1087.2319236098472, + -1321.7193900382713, + -449.0783271574226, 5000, 5000, 5000, @@ -22010,13 +22262,13 @@ 5000, 5000, 5000, - 64.46648678145758, - 1924.2526584711534, - 3871.955489016759, - -791.8291079594974, - -841.7783398966077, - -1027.5374377832206, - 1920.4789084481401, + 64.46565164515036, + 1924.250946022982, + 3871.9494139272865, + -791.8290574339729, + -841.7783000722736, + -1027.537309132237, + 1920.4817696676246, 5000, 5000, 5000, @@ -22024,15 +22276,15 @@ 5000, 5000, 5000, - 166.8206006615281, - -1084.4087158386815, - -824.0308200940408, - -675.7419276391632, - -636.6040593752319, - -675.7419276391638, - -824.0308200940405, - -1084.4087158386815, - 166.82060066152823, + 166.8224382859008, + -1084.408754901034, + -824.0308028490324, + -675.7418915233486, + -636.6040375704762, + -675.7418068389844, + -824.0305898637282, + -1084.4086280975314, + 166.8114027001635, 5000, 5000, 5000, @@ -22040,13 +22292,13 @@ 5000, 5000, 5000, - 1920.4789084481415, - -1027.5374377832206, - -841.7783398966078, - -590.9990365204665, - -662.140007521332, - -843.6564229230198, - 3902.9371128570256, + 1920.4814823092152, + -1027.537342408653, + -841.7782149337663, + -590.9988434177922, + -662.1398589021189, + -843.6562106468749, + 3902.9404173267053, 5000, 5000, 5000, @@ -22054,15 +22306,15 @@ 5000, 5000, 5000, - 1105.6719703054164, - -940.1622121185949, - -681.3740697846639, - -508.09827197203606, - -460.2062248037514, - -508.0982719720362, - -681.374069784664, - -940.162212118595, - 1105.6719703054164, + 1105.6722086463992, + -940.1621660250563, + -681.3739029061227, + -508.09808712511045, + -460.206059609346, + -508.0979862470834, + -681.3736605693576, + -940.1621676650126, + 1105.6558143772313, 5000, 5000, 5000, @@ -22070,13 +22322,13 @@ 5000, 5000, 5000, - 3902.9371128570256, - -843.6564229230202, - -662.1400075213321, - -514.872090358968, - -592.6119537590499, - -794.7707321819767, - 2796.799927359579, + 3902.9403423796543, + -843.6562560412237, + -662.1397650502755, + -514.8720130677939, + -592.6119140404533, + -794.7705755658857, + 2796.802871277117, 5000, 5000, 5000, @@ -22084,15 +22336,15 @@ 5000, 5000, 5000, - 1245.9343336359918, - -902.9628224857986, - -644.7427401775944, - -463.5365004812838, - -412.5526880958411, - -463.53650048128384, - -644.7427401775943, - -902.9628224857984, - 1245.934333635992, + 1245.9299387079036, + -902.962899594722, + -644.7425729474213, + -463.53635374684467, + -412.5525759380153, + -463.5362478076425, + -644.7423209509745, + -902.9629312355685, + 1245.9133591186562, 5000, 5000, 5000, @@ -22100,13 +22352,13 @@ 5000, 5000, 5000, - 2796.79992735958, - -794.7707321819763, - -592.6119537590498, - -594.3357282861257, - -665.3553772174505, - -846.667830906312, - 3878.237367587314, + 2796.8027971293086, + -794.770624520887, + -592.6118185876447, + -594.3356579112112, + -665.3553531210608, + -846.667710198104, + 3878.244161825176, 5000, 5000, 5000, @@ -22114,15 +22366,15 @@ 5000, 5000, 5000, - 1048.4797915587137, - -945.2038680765132, - -685.7659148089449, - -514.1321190727085, - -466.8175505901465, - -514.1321190727085, - -685.7659148089456, - -945.2038680765125, - 1048.4797915587142, + 1048.4857850883222, + -945.2039630952041, + -685.7660066059116, + -514.1321330459655, + -466.81756844887934, + -514.1320331733555, + -685.7657661579046, + -945.2039558515675, + 1048.469716810991, 5000, 5000, 5000, @@ -22130,13 +22382,13 @@ 5000, 5000, 5000, - 3878.2373675873137, - -846.667830906312, - -665.35537721745, - -797.6928745747495, - -848.4720381153303, - -1033.849376488415, - 1914.5449843215072, + 3878.244087033585, + -846.6677555320157, + -665.3552595175988, + -797.6927822836166, + -848.4719959589157, + -1033.8493472509447, + 1914.5456438307244, 5000, 5000, 5000, @@ -22144,15 +22396,15 @@ 5000, 5000, 5000, - 82.48595142677566, - -1095.6675083369032, - -836.3602008654899, - -691.3473586358502, - -652.8321602283601, - -691.3473586358505, - -836.3602008654899, - -1095.667508336903, - 82.48595142677581, + 82.48880749800098, + -1095.6677453879715, + -836.3603972143126, + -691.3475381594662, + -652.8323573105612, + -691.347455416947, + -836.3601878765785, + -1095.6676063768152, + 82.47831527138241, 5000, 5000, 5000, @@ -22160,13 +22412,13 @@ 5000, 5000, 5000, - 1914.5449843215085, - -1033.8493764884145, - -848.4720381153304, - 2849.7494943404818, - 3911.9370309066453, - 1912.364139699152, - 89.21355381813395, + 1914.5453461688148, + -1033.8493808122457, + -848.4719111031586, + 2849.7553671593187, + 3911.940294017197, + 1912.3647744146106, + 89.21324028138828, 5000, 5000, 5000, @@ -22174,15 +22426,15 @@ 5000, 5000, 5000, - -442.6746085904521, - -1325.8073042395818, - -1091.3582289379679, - -938.6692526155542, - -897.118648398898, - -938.6692526155545, - -1091.3582289379676, - -1325.8073042395815, - -442.6746085904521, + -442.6733000840521, + -1325.807346647144, + -1091.3580589710684, + -938.6688402979471, + -897.1181745867702, + -938.6687828776867, + -1091.3578899057802, + -1325.8071181686203, + -442.6806417098005, 5000, 5000, 5000, @@ -22190,9 +22442,9 @@ 5000, 5000, 5000, - 89.21355381813409, - 1912.3641396991504, - 3911.9370309066476, + 89.21191907173649, + 1912.3656330838037, + 3911.9396893163216, 5000, 5000, 5000, @@ -22204,15 +22456,15 @@ 5000, 5000, 5000, - 450.1782336626384, - -309.7907309399505, - 309.08538022614414, - 1387.881097739581, - 1576.0886217969314, - 1387.8810977395815, - 309.08538022614323, - -309.7907309399505, - 450.17823366263815, + 450.1759608496505, + -309.7921361540548, + 309.08651357389294, + 1387.885687141224, + 1576.0939640828992, + 1387.8857349543307, + 309.0868248350148, + -309.7913644883698, + 450.17095939742035, 5000, 5000, 5000, @@ -22403,11 +22655,11 @@ 5000, 5000, 5000, - 951.5067938470202, - 802.3109149189213, - -42.389414672657885, - -569.8858808232249, - 200.6928937498381, + 951.5119882674986, + 802.3173263278816, + -42.38317801848029, + -569.8802069232519, + 200.69436460403355, 5000, 5000, 5000, @@ -22429,15 +22681,15 @@ 5000, 5000, 5000, - 200.69289374983836, - -569.8858808232255, - -42.389414672658184, - 802.3109149189224, - -906.2908773198964, - -944.5815172379038, - -1087.2321260138776, - -1321.719600380949, - -449.074322915473, + 200.694188926604, + -569.8803766821625, + -42.383210177264544, + 802.3171120406064, + -906.2909257676738, + -944.5815489534658, + -1087.2320825151075, + -1321.7196521579601, + -449.07914500718874, 5000, 5000, 5000, @@ -22445,13 +22697,13 @@ 5000, 5000, 5000, - 64.46648806423539, - 1924.2526590949024, - 3871.955489371441, - 2746.2941131737803, - 3871.955489371442, - 1924.2526590949033, - 64.46648806423525, + 64.47134624047763, + 1924.2793173093778, + 3871.9913740479988, + 2746.3155262602304, + 3871.9914775426855, + 1924.279650495794, + 64.46948969148069, 5000, 5000, 5000, @@ -22459,15 +22711,15 @@ 5000, 5000, 5000, - -449.0743229154731, - -1321.7196003809495, - -1087.2321260138772, - -944.5815172379035, - -636.6040587237775, - -675.7419267610782, - -824.0308183374837, - -1084.4087124157318, - 166.82060636478928, + -449.07784844776404, + -1321.7197814116691, + -1087.23214741379, + -944.5815189829127, + -636.604067810358, + -675.7419651132658, + -824.0308651908496, + -1084.408891994712, + 166.82068554319974, 5000, 5000, 5000, @@ -22475,13 +22727,13 @@ 5000, 5000, 5000, - 1920.4789084038719, - -1027.537437572262, - -841.7783398614847, - -791.8291079382669, - -841.7783398614846, - -1027.5374375722615, - 1920.4789084038691, + 1920.4822636423598, + -1027.537476305754, + -841.7783596740086, + -791.8291430726395, + -841.7782298989378, + -1027.5373895613889, + 1920.4668311155522, 5000, 5000, 5000, @@ -22489,15 +22741,15 @@ 5000, 5000, 5000, - 166.82060636478928, - -1084.4087124157313, - -824.0308183374834, - -675.7419267610776, - -460.20622125139704, - -508.09826746383413, - -681.3740622844003, - -940.1622112675072, - 1105.671756175438, + 166.82329805089594, + -1084.40897465798, + -824.0309284166008, + -675.7419213140719, + -460.20623426522786, + -508.0983106764302, + -681.3740984006142, + -940.1623430129963, + 1105.6718611171536, 5000, 5000, 5000, @@ -22505,13 +22757,13 @@ 5000, 5000, 5000, - 3902.9371109764775, - -843.6564218968481, - -662.1400070822752, - -590.9990362668125, - -662.1400070822756, - -843.656421896848, - 3902.9371109764797, + 3902.9424463908476, + -843.6564710455492, + -662.1399813010484, + -590.9990040189001, + -662.1398215016573, + -843.6564639180219, + 3902.9178697407306, 5000, 5000, 5000, @@ -22519,136 +22771,136 @@ 5000, 5000, 5000, - 1105.6717561754372, - -940.1622112675075, - -681.3740622844003, - -508.0982674638341, - -339.67231699043606, - -373.8391499382569, - -495.6222117495604, - -751.3525921151047, - -1013.981538130222, - 873.289675634365, + 1105.6748488573007, + -940.1624405612405, + -681.3741642926688, + -508.09826194975363, + -339.6722820299216, + -373.8391232428285, + -495.6221394816818, + -751.35254580148, + -1013.9815584805611, + 873.2872525598351, 5000, 5000, 5000, 5000, 5000, 5000, - 758.9001388599702, - -726.2359976568786, - -531.9685396638931, - -466.62680635241423, - -531.9685396638931, - -726.2359976568787, - 758.9001388599702, + 758.902869750726, + -726.2360174666774, + -531.9685191962533, + -466.62678671463175, + -531.9683742680462, + -726.2358487801924, + 758.8953422121064, 5000, 5000, 5000, 5000, 5000, 5000, - 873.2896756343648, - -1013.9815381302221, - -751.3525921151047, - -495.6222117495603, - -373.83914993825715, - -377.5819547225069, - -409.22124732454836, - -525.1919346672069, - -770.3126256437396, - -1016.7539430045318, - 1281.929218376798, + 873.2934327954949, + -1013.981612399614, + -751.3526507509109, + -495.6221951272198, + -373.83909230834155, + -377.58188189058893, + -409.2211798438867, + -525.1918122627022, + -770.3125091070906, + -1016.753991547773, + 1281.9231497671074, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0932847951103, - -769.1423913514278, - -594.7635488124553, - -535.8476223342517, - -594.7635488124554, - -769.1423913514282, - 1408.0932847951096, + 1408.0949669214544, + -769.1424325397458, + -594.7635305563848, + -535.8476064555414, + -594.7633951277189, + -769.142307164561, + 1408.0835526779667, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.929218376798, - -1016.7539430045318, - -770.3126256437401, - -525.1919346672069, - -409.221247324548, - -503.60925839064925, - -530.2348247818272, - -630.2788645972822, - -852.0116432703015, - -1086.3390779760534, - 1164.7341762613544, + 1281.9309794228152, + -1016.7539697659824, + -770.312607216264, + -525.1918669566716, + -409.2211502915183, + -503.60902254834076, + -530.2345944850848, + -630.2785837803395, + -852.0113741226866, + -1086.3391738201951, + 1164.723336217835, 5000, 5000, 5000, 5000, 5000, 5000, - 459.29124732182567, - -929.3683417681536, - -771.4359162336251, - -731.6842665309738, - -771.4359162336253, - -929.3683417681534, - 459.29124732182623, + 459.2916060700307, + -929.3682879403486, + -771.4358377021547, + -731.6841741671751, + -771.4357272070996, + -929.3681467078999, + 459.28407609258124, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.7341762613548, - -1086.339077976053, - -852.011643270302, - -630.2788645972826, - -530.2348247818273, - -764.9280379834831, - -782.0503258727705, - -859.5048104453239, - -1040.7070999466741, - -1248.1402173505367, - 785.7340745553861, + 1164.7311541040458, + -1086.3391016159221, + -852.0114618161399, + -630.2786380947363, + -530.234568431236, + -764.9275523415527, + -782.0498332829422, + -859.5042463023007, + -1040.7065354097185, + -1248.1400735922196, + 785.7218753699756, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2584953232871, - 607.3822245238985, - 1584.5353027941708, - 890.266454395907, - 1584.5353027941708, - 607.3822245238983, - -655.2584953232869, + -655.2588035641683, + 607.3808382834258, + 1584.5316594205751, + 890.2641699638091, + 1584.531742487441, + 607.3810730841399, + -655.2597006958501, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7340745553868, - -1248.1402173505376, - -1040.707099946674, - -859.5048104453238, - -782.0503258727712, - -1005.9251253431823, - -1006.5797637047742, - -1075.1903714522234, - -1235.6475954024343, - -1463.6363655064251, - -123.9019474432537, + 785.7283732800464, + -1248.1400525347008, + -1040.7066245049302, + -859.5043067424344, + -782.0498158442134, + -1005.9251516640198, + -1006.5796344114223, + -1075.1900296255362, + -1235.6473131867335, + -1463.6361072484815, + -123.90140430425934, 5000, 5000, 5000, @@ -22668,17 +22920,17 @@ 5000, 5000, 5000, - -123.90194744325385, - -1463.6363655064245, - -1235.6475954024338, - -1075.1903714522232, - -1006.5797637047739, - 1126.4314877499273, - 1582.4492007479184, - 1514.2529982918304, - 1103.8978911490115, - 151.62657491279498, - -395.5766462888258, + -123.89769004606093, + -1463.636182859919, + -1235.647409895907, + -1075.1901256488702, + -1006.5796851123479, + 1126.426700390162, + 1582.446916403216, + 1514.2540278894776, + 1103.900076554477, + 151.6285467138974, + -395.57764733776327, 5000, 5000, 5000, @@ -22698,11 +22950,11 @@ 5000, 5000, 5000, - -395.5766462888258, - 151.6265749127961, - 1103.8978911490112, - 1514.2529982918313, - 1582.449200747919, + -395.57568786214216, + 151.62938351376556, + 1103.9000965468342, + 1514.2536589410151, + 1582.445573223301, 5000, 5000, 5000, @@ -22833,17 +23085,17 @@ 5000, 5000, 5000, - -385.0432196261517, - -282.35964233378047, - 509.89730129626685, - 878.945810390918, - 972.3279585954934, - 640.5392798863405, - 972.3279585954934, - 878.9458103909182, - 509.897301296267, - -282.35964233378047, - -385.0432196261517, + -385.0396286596834, + -282.3555779809894, + 509.90339228251, + 878.9530562074705, + 972.3350045453486, + 640.5449192246916, + 972.3350285241479, + 878.9532527136442, + 509.90390613736423, + -282.3540898206931, + -385.04440536741595, 5000, 5000, 5000, @@ -22863,17 +23115,17 @@ 5000, 5000, 5000, - -30.954838004088106, - -1481.5520980187498, - -1253.9959429842495, - -1090.5549616477622, - -1023.4583341114492, - -1018.8044519140165, - -1023.4583341114491, - -1090.5549616477617, - -1253.9959429842488, - -1481.552098018749, - -30.954838004088, + -30.947257301864628, + -1481.5518464235477, + -1253.995953923366, + -1090.5548990549312, + -1023.4583442681399, + -1018.8045152837236, + -1023.4583154429336, + -1090.554800548329, + -1253.9957364683833, + -1481.5516917337873, + -30.956656088660598, 5000, 5000, 5000, @@ -22883,216 +23135,216 @@ 5000, 5000, 5000, - 637.2647899411276, - 1237.3274363612475, - 383.9075391046101, - -688.1112362746478, + 637.2605998711201, + 1237.3217321865686, + 383.90412826604086, + -688.111150013083, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2318893951231, - -1244.1661016927458, - -1027.0668606425331, - -837.8571522631687, - -756.6562695838942, - -738.0353617012404, - -756.6562695838948, - -837.8571522631693, - -1027.0668606425327, - -1244.1661016927453, - 794.2318893951227, + 794.2396492665728, + -1244.1658128135603, + -1027.0668544169773, + -837.8570844606995, + -756.6561837121185, + -738.0352805669191, + -756.656138242967, + -837.8569655602765, + -1027.0666323034397, + -1244.1659317287351, + 794.2258005173485, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1112362746484, - 383.9075391046102, - 1237.3274363612475, - -720.6091177380781, - -762.5696024886033, - -920.8665844753154, - 523.8024900963268, + -688.1115265518613, + 383.90453565254927, + 1237.3214169088296, + -720.6090164210185, + -762.569524128618, + -920.8664297245026, + 523.8029176697739, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.444810352831, - -1082.7410652476017, - -845.2369136132646, - -618.7502787814118, - -515.6079693685197, - -487.81038060778434, - -515.60796936852, - -618.7502787814113, - -845.2369136132647, - -1082.7410652476017, - 1193.4448103528307, + 1193.4497265770003, + -1082.740862224049, + -845.2368922884175, + -618.7502356039737, + -515.6079176167104, + -487.81034134892263, + -515.6078593227551, + -618.7500903502568, + -845.2366400434421, + -1082.7410859413117, + 1193.4339319801513, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8024900963272, - -920.8665844753157, - -762.5696024886032, - -528.7848042092005, - -588.4102681753357, - -764.8575557555014, - 1399.8165934221427, + 523.8027987879279, + -920.8664504216209, + -762.5694460312056, + -528.7845737987732, + -588.4100715669182, + -764.8573233283756, + 1399.815113017555, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9818221589883, - -1017.3719542440565, - -768.3359582694306, - -520.7417514152842, - -403.55438440961905, - -371.26869418725096, - -403.55438440961905, - -520.7417514152839, - -768.335958269431, - -1017.3719542440567, - 1239.9818221589885, + 1239.9812770513915, + -1017.3719201603706, + -768.3357974814147, + -520.741590065113, + -403.55422417556014, + -371.2685522113056, + -403.55415781014784, + -520.7414269816043, + -768.3355224992622, + -1017.372148500208, + 1239.966230452067, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.8165934221433, - -764.8575557555015, - -588.4102681753354, - -466.6268038383661, - -531.9685365692386, - -726.2359945528701, - 758.9000617289563, + 1399.8150585177664, + -764.8573537898029, + -588.4099881538934, + -466.62668172661705, + -531.9684373941094, + -726.2358090440947, + 758.8988203405665, 5000, 5000, 5000, 5000, 5000, 5000, - 873.2895901240504, - -1013.9815349307987, - -751.3525887156173, - -495.6222091396955, - -373.83914761263827, - -339.67231471655543, - -373.83914761263827, - -495.62220913969554, - -751.3525887156177, - -1013.9815349307986, - 873.2895901240504, + 873.2871096320977, + -1013.9816422660458, + -751.3523757239024, + -495.62203937143903, + -373.83900827543914, + -339.6722039561636, + -373.83893954561955, + -495.62187054034854, + -751.3520916758924, + -1013.9817616919415, + 873.2750108619075, 5000, 5000, 5000, 5000, 5000, 5000, - 758.9000617289564, - -726.2359945528702, - -531.9685365692385, - -535.847621819276, - -594.7635478009349, - -769.1423885055627, - 1408.0932922270092, + 758.8987642555483, + -726.2358422164021, + -531.9683527796684, + -535.8475930012606, + -594.7635680379476, + -769.1423586381576, + 1408.0968990358076, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.9291214547604, - -1016.7539320935425, - -770.3126103576125, - -525.1919266905626, - -409.22124316806327, - -377.58195157025733, - -409.2212431680634, - -525.1919266905625, - -770.3126103576119, - -1016.7539320935424, - 1281.9291214547602, + 1281.9410718245379, + -1016.7537969734434, + -770.3128152489962, + -525.192004116573, + -409.22125809067177, + -377.58196887096994, + -409.22119253297376, + -525.1918429625296, + -770.3125426505508, + -1016.7540316889333, + 1281.9256586334536, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0932922270092, - -769.1423885055628, - -594.763547800935, - -731.6842665945229, - -771.4359162516213, - -929.3683417227909, - 459.2912474039615, + 1408.0968442137682, + -769.1423888862474, + -594.763485032199, + -731.6843192815172, + -771.4359939170374, + -929.3683928615593, + 459.2907277661868, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.7341808457286, - -1086.3390746008288, - -852.0116412052053, - -630.2788634710613, - -530.2348241127249, - -503.60925777655063, - -530.2348241127248, - -630.278863471061, - -852.0116412052048, - -1086.3390746008288, - 1164.734180845728, + 1164.7451340998887, + -1086.3389033300978, + -852.0118316299065, + -630.2790156098484, + -530.2349702792695, + -503.6094196052498, + -530.2349136475805, + -630.2788739836121, + -852.0115838721298, + -1086.3391170407842, + 1164.7295048020787, 5000, 5000, 5000, 5000, 5000, 5000, - 459.2912474039614, - -929.3683417227908, - -771.4359162516217, - 890.2664546599822, - 1584.535303015803, - 607.3822247596253, - -655.2584950984275, + 459.2905992991919, + -929.3684128003371, + -771.4359171369191, + 890.2668352376171, + 1584.5343366301422, + 607.3812818224783, + -655.2590731423979, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7340747920266, - -1248.1402170930662, - -1040.7070996757998, - -859.504810165658, - -782.0503256324723, - -764.9280377206766, - -782.0503256324723, - -859.5048101656577, - -1040.7070996757996, - -1248.140217093065, - 785.7340747920259, + 785.7426775903832, + -1248.1399746064644, + -1040.7071477381412, + -859.504841810245, + -782.0503603480357, + -764.9280822893317, + -782.0503173036587, + -859.5047277854502, + -1040.706932065815, + -1248.1400973147438, + 785.7289573995021, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2584950984273, - 607.3822247596252, - 1584.535303015803, + -655.2594667562246, + 607.3817561877364, + 1584.5339632114622, 5000, 5000, 5000, @@ -23103,17 +23355,17 @@ 5000, 5000, 5000, - -123.90194138268899, - -1463.6363613495516, - -1235.6475927975775, - -1075.190369915547, - -1006.5797626044543, - -1005.9251244180921, - -1006.5797626044545, - -1075.190369915547, - -1235.6475927975778, - -1463.6363613495525, - -123.90194138268915, + -123.89832109368908, + -1463.6362376197299, + -1235.647503504682, + -1075.1901834030848, + -1006.5795153820968, + -1005.92485268104, + -1006.5794892065655, + -1075.1900874593816, + -1235.6472862400772, + -1463.6360508279568, + -123.90702731599303, 5000, 5000, 5000, @@ -23133,17 +23385,17 @@ 5000, 5000, 5000, - -395.57664593909374, - 151.62657521851534, - 1103.8978914413021, - 1514.2529985281, - 1582.4492009473925, - 1126.4314879330661, - 1582.4492009473922, - 1514.2529985280999, - 1103.8978914413024, - 151.6265752185151, - -395.57664593909357, + -395.5795172549998, + 151.6201312232115, + 1103.8906286336335, + 1514.2458542652028, + 1582.4415414652383, + 1126.4248716919494, + 1582.441565593456, + 1514.246072241301, + 1103.891207550304, + 151.62199417068464, + -395.5833570278192, 5000, 5000, 5000, @@ -23273,12 +23525,12 @@ 5000, 5000, 5000, - 640.5392804794603, - 972.3279592708984, - 878.945811264945, - 509.89730265572376, - -282.3596403022888, - -385.04321686701047, + 640.5391921777547, + 972.3321309842958, + 878.954456918448, + 509.9066363903415, + -282.35304388009394, + -385.0421365496207, 5000, 5000, 5000, @@ -23298,17 +23550,17 @@ 5000, 5000, 5000, - -385.0432168670103, - -282.3596403022885, - 509.89730265572337, - 878.9458112649452, - 972.3279592708986, - -1018.8044514752596, - -1023.4583335712306, - -1090.5549608764104, - -1253.9959417225587, - -1481.5520960102579, - -30.95483512746907, + -385.0399574440666, + -282.3524424888055, + 509.90663802523403, + 878.9541374806898, + 972.3311003548083, + -1018.8044121759955, + -1023.4580859194363, + -1090.5544418828974, + -1253.9954270576193, + -1481.5520991814635, + -30.963681105410753, 5000, 5000, 5000, @@ -23328,257 +23580,257 @@ 5000, 5000, 5000, - -30.954835127469455, - -1481.552096010258, - -1253.9959417225587, - -1090.5549608764102, - -1023.4583335712306, - -738.0353604898593, - -756.6562680708041, - -837.8571498685404, - -1027.066856467467, - -1244.1660949567674, - 794.2318982887167, + -30.959629147851217, + -1481.5521754635804, + -1253.9955249788793, + -1090.5545320274737, + -1023.458120237892, + -738.0355073486179, + -756.6563975309405, + -837.8571750477139, + -1027.0668155062679, + -1244.166628467273, + 794.2158177473406, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1112353979372, - 383.907539481007, - 1237.3274365748114, - 637.2647900709093, - 1237.3274365748114, - 383.90753948100706, - -688.1112353979375, + -688.1101133396047, + 383.91795916094384, + 1237.340506669397, + 637.2722847798037, + 1237.340591502736, + 383.91818776132294, + -688.1111360743695, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2318982887166, - -1244.1660949567683, - -1027.0668564674666, - -837.8571498685401, - -756.6562680708033, - -487.8103782966384, - -515.607966385299, - -618.75027362975, - -845.2369042434244, - -1082.741052000929, - 1193.4448164906405, + 794.2224192011922, + -1244.1666002196362, + -1027.0669039018117, + -837.8572347700477, + -756.656378265409, + -487.8104016572912, + -515.6080072424559, + -618.7503120960454, + -845.2370673887845, + -1082.741384382421, + 1193.4419466553445, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8024911496715, - -920.8665842422934, - -762.5696024912005, - -720.6091177919689, - -762.5696024912004, - -920.8665842422936, - 523.8024911496705, + 523.8080496494377, + -920.8666526556284, + -762.5696183907472, + -720.6091239371591, + -762.5695056994934, + -920.8665114839438, + 523.8002281699569, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4448164906412, - -1082.7410520009294, - -845.2369042434243, - -618.7502736297506, - -515.6079663852989, - -371.2686925245444, - -403.5543821541173, - -520.7417469292091, - -768.3359487524921, - -1017.3719387173719, - 1239.9818082399427, + 1193.449842917058, + -1082.7413120624099, + -845.2371558688415, + -618.7503665380627, + -515.6079804179036, + -371.26869435174757, + -403.554399688754, + -520.7417490476479, + -768.3360452053809, + -1017.3722318996696, + 1239.9785330334416, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.8165962701469, - -764.8575527833495, - -588.4102667415011, - -528.7848031558576, - -588.410266741501, - -764.8575527833497, - 1399.8165962701462, + 1399.8231055932165, + -764.8576224168435, + -588.4102825541636, + -528.784803666041, + -588.4101460153171, + -764.8574951828081, + 1399.8117669375827, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.981808239943, - -1017.3719387173712, - -768.3359487524915, - -520.7417469292092, - -403.5543821541174, - -275.7534095732213, - -296.66308229845663, - -370.41880763355886, - -528.289403343324, - -799.2598462753837, - -1014.2407168304908, - 1247.0543328927768, + 1239.9861634478714, + -1017.3722189531635, + -768.3361444208093, + -520.7418039700636, + -403.55436978445033, + -275.75336754010505, + -296.6630408306437, + -370.4187251338411, + -528.2893083096617, + -799.2596932623626, + -1014.2407051859202, + 1247.0545216509386, 5000, 5000, 5000, 5000, 5000, - -597.7502482514741, - -596.5427193968263, - -439.6050319821146, - -394.3299462160301, - -439.6050319821148, - -596.5427193968263, - -597.7502482514736, + -597.7498861981659, + -596.5427297391108, + -439.60500512203157, + -394.3299216234328, + -439.60490161059244, + -596.5425124794718, + -597.7507015347977, 5000, 5000, 5000, 5000, 5000, - 1247.0543328927765, - -1014.2407168304915, - -799.2598462753837, - -528.2894033433238, - -370.4188076335589, - -296.6630822984566, - -299.1617226810697, - -320.5160671854793, - -391.09425870786293, - -544.3200532619536, - -809.3081403055074, - -1013.7802981787149, - 1062.6768272794, + 1247.062254737072, + -1014.2405125968239, + -799.259906593935, + -528.28938242058, + -370.4187661248585, + -296.66302288345855, + -299.16165537471784, + -320.5159995653901, + -391.09414794528846, + -544.3199228197187, + -809.3079412910574, + -1013.780462183103, + 1062.6728876286988, 5000, 5000, 5000, 5000, 5000, - -540.0198576890721, - -632.684771667042, - -486.58751905864517, - -443.4170512094079, - -486.58751905864517, - -632.6847716670419, - -540.0198576890716, + -540.0199116259977, + -632.6847645610902, + -486.5874837085073, + -443.4170217362525, + -486.58738601209336, + -632.6845661084982, + -540.021121816074, 5000, 5000, 5000, 5000, 5000, - 1062.6768272793995, - -1013.7802981787148, - -809.3081403055073, - -544.3200532619535, - -391.094258707863, - -320.5160671854792, - -376.4323639224315, - -395.2341860795011, - -461.3839483855327, - -605.659791548523, - -858.0408012895546, - -1081.8344443047408, - 95.56327739993668, + 1062.679909647031, + -1013.7802588063729, + -809.3081430024407, + -544.3199946801457, + -391.0941886699119, + -320.5159821231866, + -376.43217472641885, + -395.23399636359267, + -461.38371350034913, + -605.6595299319213, + -858.0404575921085, + -1081.834640489796, + 95.55769179459817, 5000, 5000, 5000, 5000, 5000, - -759.7115995212689, - -761.2055174742583, - -637.8079905987702, - -604.7188706602673, - -637.8079905987701, - -761.2055174742583, - -759.7115995212692, + -759.71169818001, + -761.205364068859, + -637.8078285617222, + -604.7187096295474, + -637.807745080641, + -761.2051847292322, + -759.7124399198157, 5000, 5000, 5000, 5000, 5000, - 95.56327739993648, - -1081.834444304741, - -858.0408012895547, - -605.6597915485229, - -461.38394838553273, - -395.23418607950083, - -539.8541814773346, - -554.2917147565032, - -611.6876098166533, - -744.9268986345078, - -991.8967692279232, - -1241.511060591683, - -436.8774153336306, + 95.5612959873665, + -1081.8345386972435, + -858.0406418368046, + -605.6595983124263, + -461.38375530359355, + -395.2339803178898, + -539.8541973360981, + -554.2917362620483, + -611.6876185444934, + -744.926972153758, + -991.8968712856597, + -1241.5110888284664, + -436.87544300193525, 5000, 5000, 5000, 5000, - -3.9606503738918963, - -1105.6084500521465, - -723.31141580623, - -503.07973560749275, - -571.5504995497786, - -503.07973560749235, - -723.3114158062305, - -1105.6084500521465, - -3.9606503738917285, + -3.956217027721181, + -1105.608285745, + -723.3105784370962, + -503.0786120406685, + -571.549698332854, + -503.07854568827526, + -723.3104056716247, + -1105.6081886215306, + -3.9636940275526733, 5000, 5000, 5000, 5000, - -436.8774153336306, - -1241.511060591683, - -991.8967692279231, - -744.9268986345078, - -611.6876098166529, - -554.2917147565037, - -815.813322890407, - -824.7547813513264, - -871.0363275846618, - -999.393423904669, - -1254.447038131546, - -1475.1793745678797, - 279.9491132198296, + -436.87402511608906, + -1241.511111240675, + -991.8970507283537, + -744.9270425154759, + -611.6876658045825, + -554.2917232780723, + -815.813206127456, + -824.7546582983738, + -871.0361761762623, + -999.3933338415994, + -1254.4469584809844, + -1475.1794606330068, + 279.9497290505484, 5000, 5000, 5000, 5000, - 55.32798129888023, - 233.16441462250268, + 55.330643425391195, + 233.17108623461965, 5000, 5000, 5000, 5000, 5000, - 233.16441462250316, - 55.32798129888026, + 233.17179408189213, + 55.32719270711981, 5000, 5000, 5000, 5000, - 279.9491132198295, - -1475.1793745678792, - -1254.4470381315466, - -999.3934239046689, - -871.0363275846612, - -824.7547813513263, - -1005.9251109487955, - -1006.5797361081972, - -1075.1903395000827, - -1235.6475719903872, - -1463.6363430822041, - -123.90141136050461, + 279.9510816282885, + -1475.1794581781678, + -1254.447149809956, + -999.3934177534538, + -871.0362380069826, + -824.7546537689261, + -1005.9252398907754, + -1006.5797071663903, + -1075.1900018670174, + -1235.6471597535967, + -1463.6360644123515, + -123.90568864829712, 5000, 5000, 5000, @@ -23598,16 +23850,16 @@ 5000, 5000, 5000, - -123.90141136050491, - -1463.6363430822055, - -1235.6475719903883, - -1075.1903395000827, - -1006.5797361081968, - 1576.088855147663, - 1387.8813185311378, - 309.0855091046183, - -309.790681198023, - 450.17831236378754, + -123.90197440183282, + -1463.636140024083, + -1235.6472564627754, + -1075.190097890346, + -1006.5797578672718, + 1576.0794816506173, + 1387.8739444920884, + 309.0834358686151, + -309.7896738041089, + 450.1798746037735, 5000, 5000, 5000, @@ -23629,10 +23881,10 @@ 5000, 5000, 5000, - 450.17831236378726, - -309.7906811980225, - 309.0855091046185, - 1387.8813185311387, + 450.1796950999105, + -309.78984614615655, + 309.08343435072555, + 1387.8736928597293, 5000, 5000, 5000, @@ -23704,15 +23956,15 @@ 5000, 5000, 5000, - 200.69275993313406, - -569.88580986437, - -42.389022076623725, - 802.3116983409565, - 951.5076553109491, - 802.3116983409564, - -42.38902207662356, - -569.8858098643705, - 200.69275993313377, + 200.69700638262705, + -569.8812604901461, + -42.382431913817705, + 802.3220256048718, + 951.5180317401099, + 802.3220715248843, + -42.38215792079494, + -569.8806124753031, + 200.69175393750135, 5000, 5000, 5000, @@ -23733,17 +23985,17 @@ 5000, 5000, 5000, - -30.954479734914965, - -1481.552065978786, - -1253.9959065043295, - -1090.5549270812712, - -1023.458331837913, - -1018.8044787633814, - -1023.4583318379131, - -1090.554927081272, - -1253.9959065043288, - -1481.5520659787871, - -30.95447973491594, + -30.952410901747477, + -1481.5520714489337, + -1253.99591591302, + -1090.5548372091357, + -1023.4581629987936, + -1018.8043233726044, + -1023.4581341736124, + -1090.5547387025313, + -1253.9956984579476, + -1481.5519167574548, + -30.961809661012826, 5000, 5000, 5000, @@ -23756,271 +24008,271 @@ 5000, 5000, 5000, - -63.64592905931729, - -78.14012168075128, + -63.64957140884626, + -78.14199853355642, 5000, 5000, 5000, 5000, - 356.48624915916326, - -1472.2613524277085, - -1250.8783949710105, - -983.6307779794703, - -846.6586049105682, - -795.0161212230138, - -782.6548014543496, - -795.0161212230141, - -846.6586049105681, - -983.6307779794703, - -1250.878394971011, - -1472.2613524277078, - 356.4862491591631, + 356.48686992364975, + -1472.261112889874, + -1250.8783866724768, + -983.6307236717645, + -846.6585312502518, + -795.016053604794, + -782.6547407897708, + -795.016022027691, + -846.6584479473827, + -983.6305533302258, + -1250.8777852794128, + -1472.26118849871, + 356.48457867720975, 5000, 5000, 5000, 5000, - -78.14012168075122, - -63.645929059317986, + -78.14457824092626, + -63.64942409444382, 5000, 5000, - -619.3827549706681, - -573.0140093253812, - -770.073887867233, - -1105.3695092975354, - 167.02365596436857, + -619.3834648575231, + -573.0150065573566, + -770.0744187564624, + -1105.369369434087, + 167.02332472158844, 5000, 5000, 5000, 5000, - -454.5151036847111, - -1251.0771130353626, - -991.2845116454941, - -734.4316190284562, - -594.5524994299078, - -533.1746386087299, - -517.3390907697888, - -533.1746386087298, - -594.5524994299078, - -734.4316190284563, - -991.2845116454936, - -1251.0771130353623, - -454.5151036847106, + -454.5142681544125, + -1251.0769426327436, + -991.2845451614157, + -734.4315832553053, + -594.5524263611532, + -533.1745501869298, + -517.3390061614245, + -533.1745148857149, + -594.5523414204982, + -734.4314220701854, + -991.2839796987357, + -1251.0768565367719, + -454.516333672674, 5000, 5000, 5000, 5000, - 167.02365596436786, - -1105.3695092975352, - -770.0738878672331, - -573.0140093253817, - -588.2376421694888, - -623.3280116872742, - -749.7410420833462, - -738.3080284939681, + 167.0235259676451, + -1105.3694235077821, + -770.0743749112607, + -573.0149882685763, + -588.2374498875596, + -623.3278396189895, + -749.7408115404775, + -738.3081310355567, 5000, 5000, 5000, 5000, 5000, - 155.27853023936638, - -1087.5498232141692, - -859.8071815131746, - -601.1322359338294, - -452.0839882492276, - -384.19790702915145, - -364.87306572020793, - -384.1979070291514, - -452.08398824922745, - -601.1322359338288, - -859.8071815131741, - -1087.5498232141692, - 155.2785302393661, + 155.2762834062408, + -1087.549748152034, + -859.8071701160275, + -601.1321897617688, + -452.0839376613916, + -384.19785265192456, + -364.8730219734679, + -384.1978140156007, + -452.08384681161914, + -601.1320217751504, + -859.8066067099288, + -1087.5498642421496, + 155.27181677238516, 5000, 5000, 5000, 5000, 5000, - -738.3080284939681, - -749.7410420833455, - -623.3280116872749, - -436.0940656366265, - -480.3807239996351, - -628.4380140629913, - -542.2419837049579, + -738.308159988366, + -749.7408263066477, + -623.3277764503283, + -436.0938344590496, + -480.38051092065825, + -628.4377328385934, + -542.2425319318841, 5000, 5000, 5000, 5000, 5000, - 1092.905309210233, - -1019.9046266097228, - -811.0034140658471, - -543.1896479570636, - -387.8588946682772, - -316.05085314197265, - -294.4536826243424, - -316.0508531419729, - -387.85889466827683, - -543.1896479570637, - -811.0034140658472, - -1019.9046266097226, - 1092.9053092102336, + 1092.8998898464351, + -1019.9045462522103, + -811.0032573103961, + -543.1894883225907, + -387.858760692517, + -316.0507257661654, + -294.4535703302272, + -316.0506845065027, + -387.85866438184473, + -543.1893105765472, + -811.0026679953642, + -1019.9047801226584, + 1092.8923269680126, 5000, 5000, 5000, 5000, 5000, - -542.241983704958, - -628.4380140629919, - -480.38072399963505, - -394.32994332264565, - -439.6050278466891, - -596.542711864206, - -597.7502703841407, + -542.2425611573104, + -628.4377525716444, + -480.38044789370025, + -394.32996792441077, + -439.60510065811286, + -596.5427927430509, + -597.7497593368206, 5000, 5000, 5000, 5000, 5000, - 1247.0534660743053, - -1014.2407394104049, - -799.2598365573983, - -528.2893977434171, - -370.4188044031833, - -296.6630799638226, - -275.75340745127, - -296.6630799638225, - -370.4188044031832, - -528.2893977434175, - -799.2598365573987, - -1014.2407394104047, - 1247.0534660743056, + 1247.0648773992834, + -1014.2405507969567, + -799.2602711934318, + -528.2896083785674, + -370.4188954399246, + -296.66311461628504, + -275.75344125773086, + -296.66307270419566, + -370.4187973941893, + -528.2894269574128, + -799.2596662806583, + -1014.2407497818276, + 1247.0569409759669, 5000, 5000, 5000, 5000, 5000, - -597.7502703841407, - -596.5427118642062, - -439.60502784668915, - -443.41704999213886, - -486.5875177417761, - -632.684770032302, - -540.0198554102358, + -597.7497922882183, + -596.5428141655166, + -439.6050376175332, + -443.41702979396285, + -486.587533764449, + -632.6847719601169, + -540.0196070828813, 5000, 5000, 5000, 5000, 5000, - 1062.6768337796486, - -1013.7802934156915, - -809.3081371819541, - -544.3200512585095, - -391.09425733856597, - -320.51606610545946, - -299.1617216707074, - -320.5160661054593, - -391.0942573385658, - -544.3200512585097, - -809.3081371819544, - -1013.780293415692, - 1062.6768337796484, + 1062.6875790729484, + -1013.7798947266235, + -809.3084269076555, + -544.3201793259028, + -391.0942997200453, + -320.51606896635394, + -299.161727982911, + -320.5160283456649, + -391.09420477365893, + -544.3200038649165, + -809.3078455939436, + -1013.7801412972814, + 1062.680143739721, 5000, 5000, 5000, 5000, 5000, - -540.0198554102357, - -632.6847700323016, - -486.587517741776, - -604.7188702687653, - -637.8079901181911, - -761.2055167590812, - -759.711597929696, + -540.0196358933587, + -632.6847914017785, + -486.5874711778621, + -604.718946306292, + -637.8080787499985, + -761.2055557066769, + -759.7119599378469, 5000, 5000, 5000, 5000, 5000, - 95.56329870873215, - -1081.8344263574525, - -858.0407890557758, - -605.6597843763783, - -461.38394438354794, - -395.23418354432494, - -376.43236180128923, - -395.23418354432505, - -461.38394438354794, - -605.6597843763788, - -858.040789055776, - -1081.8344263574527, - 95.56329870873218, + 95.56817044959354, + -1081.834061353761, + -858.0409857566511, + -605.6599013609504, + -461.38402597016466, + -395.2342552787849, + -376.4324436442031, + -395.23421789560405, + -461.38393770535936, + -605.6597377574875, + -858.0404357318553, + -1081.8341739064952, + 95.56398709031166, 5000, 5000, 5000, 5000, 5000, - -759.7115979296958, - -761.2055167590814, - -637.8079901181907, - -571.5504993462708, - -503.07973537152697, - -723.3114155037233, - -1105.6084496732476, - -3.9606498898814575, + -759.7119903639891, + -761.2055699779304, + -637.808016733607, + -571.5506958611098, + -503.08014834437444, + -723.3116605162539, + -1105.6086070137137, + -3.9654546663516905, 5000, 5000, 5000, 5000, - -436.87741461069413, - -1241.5110599430159, - -991.8967686603025, - -744.9268981332757, - -611.6876093666333, - -554.2917143315149, - -539.8541810680146, - -554.291714331515, - -611.6876093666334, - -744.9268981332757, - -991.8967686603031, - -1241.5110599430163, - -436.8774146106943, + -436.87499453088094, + -1241.5107778622419, + -991.8968097061293, + -744.9269028923018, + -611.6876087479903, + -554.2917218208091, + -539.8541999009697, + -554.2916883334749, + -611.6875276763494, + -744.9267479432257, + -991.8962637171812, + -1241.5106947038043, + -436.87694765345145, 5000, 5000, 5000, 5000, - -3.9606498898815174, - -1105.608449673247, - -723.3114155037232, - -503.0797353715271, + -3.9654931417786403, + -1105.6086628146713, + -723.3116005937148, + -503.08014532744795, 5000, 5000, 5000, - 233.16441472692483, - 55.32798139548141, + 233.15922415586328, + 55.32279328580325, 5000, 5000, 5000, 5000, - 279.9491132947686, - -1475.1793744808747, - -1254.44703805134, - -999.393423815533, - -871.0363274914051, - -824.7547812284588, - -815.8133227849291, - -824.7547812284585, - -871.0363274914051, - -999.393423815533, - -1254.4470380513403, - -1475.179374480874, - 279.9491132947687, + 279.9484482831572, + -1475.1791473222097, + -1254.4468578526983, + -999.393204071154, + -871.0361040538772, + -824.7545725141601, + -815.813121265053, + -824.7545434452059, + -871.0360257521369, + -999.3930409842333, + -1254.4462753358641, + -1475.1791731836363, + 279.9464137027941, 5000, 5000, 5000, 5000, - 55.32798139548136, - 233.1644147269246, + 55.32021675580787, + 233.15943819307714, 5000, 5000, 5000, @@ -24033,17 +24285,17 @@ 5000, 5000, 5000, - -123.90140879542173, - -1463.6363410841807, - -1235.6475705386918, - -1075.190338467276, - -1006.5797353062502, - -1005.9251102447092, - -1006.5797353062507, - -1075.1903384672758, - -1235.6475705386913, - -1463.63634108418, - -123.9014087954221, + -123.90433431960433, + -1463.6364961906058, + -1235.6474592974698, + -1075.1902243542977, + -1006.579832702288, + -1005.9252687240851, + -1006.5798065267551, + -1075.1901284106702, + -1235.6472420330424, + -1463.6363093970483, + -123.9130405048693, 5000, 5000, 5000, @@ -24064,15 +24316,15 @@ 5000, 5000, 5000, - 450.178312830873, - -309.790680835679, - 309.08550938747277, - 1387.8813187760684, - 1576.088855437473, - 1387.8813187760684, - 309.08550938747277, - -309.79068083567824, - 450.17831283087315, + 450.1735260567046, + -309.78818822845926, + 309.0895946486061, + 1387.8839694808532, + 1576.089656652874, + 1387.884017293856, + 309.0899059091021, + -309.78741656436756, + 450.16852463082546, 5000, 5000, 5000, @@ -24143,11 +24395,11 @@ 5000, 5000, 5000, - 951.5076556336618, - 802.3116986906363, - -42.389021628805004, - -569.8858093201451, - 200.69276067280725, + 951.4983365293004, + 802.3055412847082, + -42.38858095925805, + -569.8828326248871, + 200.69509750694425, 5000, 5000, 5000, @@ -24169,16 +24421,16 @@ 5000, 5000, 5000, - 200.69276067280697, - -569.8858093201455, - -42.389021628804706, - 802.311698690635, - -1018.8044783362822, - -1023.4583313481654, - -1090.5549264402962, - -1253.995905614665, - -1481.552064762809, - -30.954478210655253, + 200.6949218286001, + -569.8830023840561, + -42.38861311934307, + 802.3053269966637, + -1018.8047857768663, + -1023.4583949686833, + -1090.5545789055327, + -1253.9955097273942, + -1481.5516380508375, + -30.951670577074264, 5000, 5000, 5000, @@ -24198,316 +24450,316 @@ 5000, 5000, 5000, - -30.95447821065488, - -1481.552064762809, - -1253.9959056146638, - -1090.5549264402953, - -1023.4583313481653, - -782.6548011505528, - -795.0161209509643, - -846.6586045154754, - -983.6307772957784, - -1250.8783936897396, - -1472.2613500954692, - 356.48625296464917, + -30.947618587258685, + -1481.551714332114, + -1253.995607648686, + -1090.5546690501424, + -1023.4584292871209, + -782.6548243441181, + -795.0161303805536, + -846.6585639062546, + -983.6307682972563, + -1250.8783743134234, + -1472.2614141011588, + 356.4900410788641, 5000, 5000, 5000, 5000, - -78.14011793279558, - -63.64592679046925, + -78.13736129252632, + -63.64307075708882, 5000, 5000, 5000, 5000, 5000, - -63.6459267904693, - -78.14011793279555, + -63.64245868108267, + -78.14095071327849, 5000, 5000, 5000, 5000, - 356.48625296464917, - -1472.2613500954692, - -1250.878393689739, - -983.6307772957782, - -846.6586045154755, - -795.0161209509645, - -517.3390893317459, - -533.1746368072558, - -594.5524964513403, - -734.4316136460875, - -991.2845021542979, - -1251.077097790046, - -454.5150834115957, + 356.4915706739286, + -1472.2613863069673, + -1250.8785689836388, + -983.6308515948004, + -846.6586239255053, + -795.0161225608641, + -517.3395237507159, + -533.175071659818, + -594.5529048543916, + -734.4320774684035, + -991.2850296508226, + -1251.0777144017504, + -454.5125850887993, 5000, 5000, 5000, 5000, - 167.02366705958093, - -1105.369502202287, - -770.0738840455484, - -573.0140071365694, - -619.3827532746693, - -573.0140071365693, - -770.0738840455484, - -1105.3695022022878, - 167.02366705958102, + 167.02729708421026, + -1105.3696987351477, + -770.0724624527348, + -573.0118811669627, + -619.3814349012728, + -573.0118114524287, + -770.0722849304526, + -1105.369630013556, + 167.01859436552095, 5000, 5000, 5000, 5000, - -454.5150834115954, - -1251.077097790046, - -991.2845021542985, - -734.4316136460875, - -594.5524964513395, - -533.1746368072559, - -364.8730650082219, - -384.1979062562759, - -452.08398734568533, - -601.1322348378848, - -859.8071801268907, - -1087.5498214484548, - 155.27853237324487, + -454.51106634685385, + -1251.0777354285344, + -991.2852137670812, + -734.4321482405803, + -594.5529517560454, + -533.1750574361208, + -364.8730746429728, + -384.19792362948726, + -452.0839915296654, + -601.1322982279459, + -859.8073067415401, + -1087.5500773601207, + 155.28150390229197, 5000, 5000, 5000, 5000, 5000, - -738.308027337477, - -749.7410411956522, - -623.3280109951661, - -588.237641559077, - -623.3280109951664, - -749.7410411956519, - -738.3080273374768, + -738.3071171590148, + -749.7411631098604, + -623.3280428539999, + -588.2376539746191, + -623.3279567196265, + -749.740979594478, + -738.3079225546966, 5000, 5000, 5000, 5000, 5000, - 155.27853237324504, - -1087.5498214484537, - -859.8071801268909, - -601.1322348378842, - -452.08398734568544, - -384.19790625627616, - -294.4536811833991, - -316.050851559553, - -387.8588923390096, - -543.1896437412157, - -811.0034057485989, - -1019.9046236666654, - 1092.9050963966681, - 5000, - 5000, - 5000, - 5000, - 5000, - -542.2419819723231, - -628.4380050177291, - -480.3807191196323, - -436.09406192995175, - -480.3807191196326, - -628.4380050177291, - -542.2419819723228, - 5000, - 5000, - 5000, - 5000, - 5000, - 1092.9050963966674, - -1019.9046236666652, - -811.0034057485988, - -543.1896437412156, - -387.8588923390098, - -316.05085155955294, - -223.34802442555593, - -236.07397266458497, - -282.11745829781154, - -371.65801484439675, - -528.27191760804, - -751.7769312189987, - -903.0647757873775, - -328.789903696766, - 1723.8167491379525, - 2809.0105355057376, - 764.2971530903634, - -597.289083360549, - -625.0863329280165, - -449.7736863414357, - -349.02368572706735, - -321.0487470078187, - -349.0236857270675, - -449.7736863414358, - -625.0863329280163, - -597.289083360549, - 764.2971530903632, - 2809.010535505739, - 1723.8167491379527, - -328.7899036967661, - -903.0647757873779, - -751.7769312189986, - -528.2719176080399, - -371.65801484439675, - -282.11745829781154, - -236.07397266458514, - -237.70230581766475, - -251.91539667129106, - -297.5913285872062, - -387.3295551031815, - -543.0939353430309, - -767.4677730427387, - -940.982403710551, - -457.99034092512176, - 1781.507995956635, - 3924.7581978476483, - 1432.3870595779292, - -536.3416797387848, - -643.0542354713162, - -476.6448759380616, - -380.03634883242216, - -352.5453184605784, - -380.03634883242194, - -476.64487593806143, - -643.0542354713162, - -536.3416797387845, - 1432.3870595779294, - 3924.7581978476464, - 1781.507995956633, - -457.9903409251221, - -940.9824037105507, - -767.467773042739, - -543.0939353430306, - -387.3295551031814, - -297.5913285872063, - -251.91539667129115, - -285.7403928012964, - -300.165860298733, - -345.8895134679559, - -439.12179852950214, - -601.9208974786936, - -845.2031353154492, - -1085.5251964787835, - -967.259301088012, - 242.37113844584664, - 1746.90743493209, - 408.6777803043903, - -757.5000406794298, - -738.964014603502, - -570.4393517597568, - -481.69483735773423, - -457.1129085885716, - -481.69483735773457, - -570.4393517597571, - -738.9640146035019, - -757.50004067943, - 408.6777803043905, - 1746.90743493209, - 242.3711384458464, - -967.2593010880123, - -1085.525196478784, - -845.2031353154488, - -601.9208974786933, - -439.1217985295022, - -345.8895134679559, - -300.16586029873304, - -380.21888755477653, - -393.9645076150168, - -443.5605099690552, - -546.1573669094562, - -739.2670156185644, - -1028.7700784345502, - -1314.3752552042683, - -1233.8871047122063, - -456.14727023956544, - -0.07630595810898691, - -724.5479769411959, - -1113.944320077288, - -940.5488299064233, - -743.3070991496832, - -650.5092002055723, - -634.6080978045073, - -650.5092002055723, - -743.307099149683, - -940.5488299064234, - -1113.944320077288, - -724.547976941196, - -0.07630595810884794, - -456.14727023956544, - -1233.8871047122063, - -1314.3752552042693, - -1028.77007843455, - -739.2670156185643, - -546.157366909456, - -443.56050996905503, - -393.96450761501706, - -539.8541615327691, - -554.291695447517, - -611.6875918915767, - -744.92687978266, - -991.8967503300597, - -1241.5111122268702, - -436.8779033627209, - 5000, - 5000, - 5000, - 5000, - -3.9604224442741875, - -1105.6084577970255, - -723.3115802704709, - -503.07995302683673, - -571.550629683287, - -503.0799530268369, - -723.3115802704707, - -1105.608457797026, - -3.9604224442743594, + 155.28539846560693, + -1087.5499705793811, + -859.8074954023134, + -601.1323675401486, + -452.0840334623286, + -384.1979069575077, + -294.4536715782069, + -316.05084784541225, + -387.8588699311331, + -543.1896616100059, + -811.0034556497078, + -1019.9046878291078, + 1092.9105389482015, + 5000, + 5000, + 5000, + 5000, + 5000, + -542.2409784031131, + -628.4381062995488, + -480.3807395795132, + -436.09406735787974, + -480.3806404778309, + -628.437904657851, + -542.2421693386087, + 5000, + 5000, + 5000, + 5000, + 5000, + 1092.9177248201668, + -1019.9044887378137, + -811.0036604416392, + -543.1897341724653, + -387.85891079787814, + -316.0508301340858, + -223.34798234048372, + -236.07392869059981, + -282.1173835551541, + -371.6579255278286, + -528.2717719378757, + -751.7766984341117, + -903.064598123975, + -328.7896832392887, + 1723.8159794652768, + 2809.010440597842, + 764.2983039209169, + -597.2888987290519, + -625.0863198604679, + -449.77366371926445, + -349.02364609334865, + -321.04871122689104, + -349.02358137332, + -449.77351296830227, + -625.0861403462086, + -597.2899092914367, + 764.2931593292855, + 2809.0091170325627, + 1723.8198746228948, + -328.7881999638346, + -903.0645281720872, + -751.776920427745, + -528.2719078293835, + -371.6579722763227, + -282.1174123485481, + -236.07391791460645, + -237.70224732761102, + -251.91533528902835, + -297.59123241560417, + -387.3294346979982, + -543.093735122381, + -767.4674637829585, + -940.9823325223743, + -457.99182787770627, + 1781.4995697770682, + 3924.7450276887066, + 1432.3827334595642, + -536.3421277963465, + -643.0541985736529, + -476.6448250721119, + -380.03629750272495, + -352.5452749102121, + -380.03623470632436, + -476.64467950015967, + -643.0540399271778, + -536.343627140917, + 1432.375382964643, + 3924.7447916411606, + 1781.5046920627904, + -457.99045919761403, + -940.9823085318849, + -767.4676851810087, + -543.0938692636387, + -387.3294811967363, + -297.59126175650897, + -251.91532443430268, + -285.74025078382505, + -300.1657159554038, + -345.88933436031505, + -439.12159700986524, + -601.9206054124231, + -845.2027126426768, + -1085.5249778491188, + -967.26041496893, + 242.36444354909784, + 1746.895491241078, + 408.6730057070629, + -757.5004760364718, + -738.9638552478463, + -570.4391856893933, + -481.6946770137875, + -457.11275393884415, + -481.69461712053567, + -570.4390456956311, + -738.9636742782203, + -757.50125869925, + 408.66864561658195, + 1746.8959024072733, + 242.36751450556858, + -967.2598236403119, + -1085.5251019545283, + -845.2029464627705, + -601.9207412023371, + -439.12164478949086, + -345.88936589927613, + -300.16570504912875, + -380.21887507179474, + -393.9644976195585, + -443.5604787387228, + -546.1573628530266, + -739.2670062139949, + -1028.7700408111275, + -1314.375250777936, + -1233.886790326705, + -456.14704112199234, + -0.07628827275713121, + -724.5478168153307, + -1113.9445061403278, + -940.5490209225749, + -743.3072156574942, + -650.5093002560226, + -634.6082287245307, + -650.5092407721978, + -743.3070697265816, + -940.5487880820433, + -1113.9444518486166, + -724.5492297444814, + -0.07626151375928134, + -456.1458726498279, + -1233.8866684967938, + -1314.375461939845, + -1028.7703071634885, + -739.2671595481502, + -546.1574176097668, + -443.5605157716346, + -393.9644862384805, + -539.8540637287776, + -554.2916000213544, + -611.6874667669398, + -744.926773874869, + -991.8965979410427, + -1241.5110505144166, + -436.87823720219444, + 5000, + 5000, + 5000, + 5000, + -3.963162097189269, + -1105.6083251689236, + -723.3103207552956, + -503.07838392809634, + -571.5495598674758, + -503.0783175757319, + -723.3101479898723, + -1105.6082280444198, + -3.970639051402326, 5000, 5000, 5000, 5000, - -436.87790336272104, - -1241.5111122268704, - -991.8967503300598, - -744.9268797826599, - -611.6875918915764, - -554.2916954475171, - -764.9281042298113, - -782.0503925301822, - -859.5048790290529, - -1040.7071700289512, - -1248.1402528651186, - 785.7346289184715, + -436.8768193224714, + -1241.5110729275013, + -991.896777383719, + -744.9268442365687, + -611.6875140270195, + -554.291587037385, + -764.9277411280036, + -782.050029978182, + -859.5044709486256, + -1040.706797670016, + -1248.1400541164057, + 785.7291251773753, 5000, 5000, 5000, 5000, 5000, 5000, - -655.2583990127073, - 607.3824641589554, - 1584.5355334041424, - 890.2664413635249, - 1584.535533404143, - 607.382464158955, - -655.2583990127071, + -655.2572060979314, + 607.3888197762834, + 1584.5432310944698, + 890.2715521960005, + 1584.5433141613485, + 607.3890545771742, + -655.2581032285942, 5000, 5000, 5000, 5000, 5000, 5000, - 785.7346289184709, - -1248.1402528651176, - -1040.7071700289512, - -859.5048790290537, - -782.0503925301817, - -897.1186406176845, - -938.6692447350996, - -1091.3582143928384, - -1325.8072806638606, - -442.6747368922317, + 785.7356231093047, + -1248.1400330582437, + -1040.706886765238, + -859.5045313887676, + -782.0500125394497, + -897.1187796394535, + -938.6692805421385, + -1091.3579047501999, + -1325.8068952360077, + -442.67572789874976, 5000, 5000, 5000, @@ -24515,13 +24767,13 @@ 5000, 5000, 5000, - 89.21344245316031, - 1912.3633085192573, - 3911.9355287833446, - 2849.7481952990065, - 3911.935528783346, - 1912.3633085192564, - 89.21344245316028, + 89.21592004591096, + 1912.3729000037, + 3911.9475457534318, + 2849.7564499595564, + 3911.9476489817766, + 1912.3732410750306, + 89.21408714338719, 5000, 5000, 5000, @@ -24529,14 +24781,14 @@ 5000, 5000, 5000, - -442.6747368922317, - -1325.80728066386, - -1091.3582143928386, - -938.6692447350996, - -244.57452884970922, - -368.58469954969564, - -913.1710159544772, - -1228.8181958898447, + -442.6745615242066, + -1325.8070310542673, + -1091.3579681868373, + -938.669251804176, + -244.57976702566498, + -368.58923025068873, + -913.1726402322062, + -1228.818063264878, 5000, 5000, 5000, @@ -24545,13 +24797,13 @@ 5000, 5000, 5000, - -462.24652612828083, - 228.31379734490818, - 1640.3739362819842, - 1588.3455891937786, - 1640.3739362819838, - 228.31379734490898, - -462.24652612828055, + -462.2459830338595, + 228.31559440584405, + 1640.37522933855, + 1588.3457481088453, + 1640.3753318461165, + 228.31595501869722, + -462.24676946822524, 5000, 5000, 5000, @@ -24560,13 +24812,13 @@ 5000, 5000, 5000, - -1228.818195889845, - -913.1710159544772, - -368.58469954969615, - 1853.0797478664963, - 1973.095359351254, - 438.0389440510516, - -422.25248951700115, + -1228.8185855372267, + -913.1726248369345, + -368.5891707144088, + 1853.0522473514823, + 1973.0660600128456, + 438.023648609366, + -422.2555767674581, 5000, 5000, 5000, @@ -24575,13 +24827,13 @@ 5000, 5000, 5000, - -1258.6796757748455, - -990.5520942222437, - -519.3246015868978, - -406.66427679965284, - -519.3246015868983, - -990.5520942222437, - -1258.6796757748452, + -1258.679615251878, + -990.5519019957289, + -519.3246551736729, + -406.66457918482837, + -519.3245746977026, + -990.5516444959909, + -1258.6796177967726, 5000, 5000, 5000, @@ -24590,13 +24842,13 @@ 5000, 5000, 5000, - -422.2524895170009, - 438.03894405105143, - 1973.0953593512536, - 2746.2939670670553, - 3871.9548882058325, - 1924.252166109695, - 64.4665509899028, + -422.2570155925998, + 438.02404464049175, + 1973.0659757239832, + 2746.287777349499, + 3871.948091589743, + 1924.2492307393352, + 64.46625026439548, 5000, 5000, 5000, @@ -24604,15 +24856,15 @@ 5000, 5000, 5000, - -449.0742897012739, - -1321.7196233826955, - -1087.2321552949986, - -944.5815528986519, - -906.2909149977853, - -944.5815528986515, - -1087.2321552949986, - -1321.7196233826944, - -449.07428970127376, + -449.0734329116537, + -1321.7197222684517, + -1087.2321853319315, + -944.5814224066262, + -906.2907594707739, + -944.5813626210692, + -1087.232013642151, + -1321.7195001324424, + -449.08084955488226, 5000, 5000, 5000, @@ -24620,343 +24872,343 @@ 5000, 5000, 5000, - 64.46655098990267, - 1924.252166109695, - 3871.954888205832, - 637.2640769654897, - 1237.3262390236182, - 383.9066788931406, - -688.1113334495401, + 64.46496709327792, + 1924.250095578143, + 3871.9474535901577, + 637.2602709426484, + 1237.3212332089404, + 383.90380708451767, + -688.1118914312525, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2325199344142, - -1244.166090591357, - -1027.066872079535, - -837.8571589310404, - -756.6562726667896, - -738.0353635101279, - -756.6562726667896, - -837.8571589310401, - -1027.066872079535, - -1244.166090591358, - 794.2325199344154, + 794.2372877683727, + -1244.166057756261, + -1027.0670574288968, + -837.8573503449504, + -756.6564767529998, + -738.0355814212128, + -756.6564312838693, + -837.8572314445647, + -1027.066835315396, + -1244.166176670732, + 794.2234390321263, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1113334495399, - 383.90667889314096, - 1237.326239023618, - -619.3827307750133, - -573.0139929176072, - -770.0738857085312, - -1105.3695082915021, - 167.0237258215469, + -688.112267970342, + 383.9042144708675, + 1237.3209179312819, + -619.3837086774175, + -573.0153598721208, + -770.0746293598628, + -1105.3694926788485, + 167.01823694770476, 5000, 5000, 5000, 5000, - -454.51558966263894, - -1251.0771476835191, - -991.2844852901356, - -734.4315912849955, - -594.5524707699334, - -533.1746072786531, - -517.3390583287842, - -533.1746072786528, - -594.5524707699336, - -734.4315912849964, - -991.2844852901355, - -1251.0771476835198, - -454.5155896626391, - 5000, - 5000, - 5000, - 5000, - 167.02372582154752, - -1105.3695082915015, - -770.0738857085314, - -573.013992917608, - -616.2740536620199, - -635.3357611382531, - -731.4669915240296, - -933.9486635735068, - -1097.1868837623826, - -612.663741186819, - 173.1086918532825, - -417.0068525995586, - -1252.6495722530601, - -1333.994165355297, - -1039.6389328591852, - -740.8558906813197, - -540.1824036020845, - -432.60645941976435, - -380.3598669852968, - -365.00698419586877, - -380.3598669852972, - -432.60645941976446, - -540.1824036020844, - -740.8558906813195, - -1039.6389328591852, - -1333.9941653552971, - -1252.6495722530601, - -417.0068525995585, - 173.1086918532825, - -612.6637411868189, - -1097.1868837623826, - -933.9486635735069, - -731.4669915240294, - -635.3357611382534, - -442.9561345103937, - -468.58285976899936, - -561.8072419585079, - -736.2416876015892, - -739.3276242491734, - 578.7295391541392, - 2101.663941388428, - 424.68432188208243, - -939.5940283231748, - -1094.3820038648926, - -852.2316440998353, - -604.2132157094603, - -436.6211336993141, - -340.1421269384329, - -292.9419370207154, - -278.6072042879589, - -292.94193702071533, - -340.1421269384329, - -436.6211336993136, - -604.2132157094604, - -852.2316440998351, - -1094.382003864892, - -939.5940283231745, - 424.6843218820823, - 2101.6639413884272, - 578.7295391541388, - -739.3276242491738, - -736.2416876015894, - -561.8072419585083, - -468.5828597689993, - -346.2460176273731, - -375.11595348683124, - -473.9502309957489, - -643.4526611070263, - -545.6360501572817, - 1377.9234819639655, - 3864.325192083116, - 1825.5082778985295, - -437.29672037368675, - -944.5604819768786, - -771.8460071396415, - -544.3087145271146, - -386.4661924751579, - -295.6048762754135, - -249.5617225555219, - -234.47503664777713, - -249.5617225555219, - -295.6048762754134, - -386.4661924751579, - -544.3087145271146, - -771.8460071396416, - -944.5604819768783, - -437.2967203736869, - 1825.508277898529, - 3864.3251920831162, - 1377.923481963966, - -545.6360501572815, - -643.4526611070262, - -473.950230995749, - -375.11595348683124, - -321.0487450923846, - -349.02368266833076, - -449.77367905739993, - -625.0863220977819, - -597.2891457294045, - 764.2966346314488, - 2809.0096395879805, - 1723.8164224306224, - -328.7899118144132, - -903.0647477040276, - -751.7769106517956, - -528.2719062177943, - -371.658009291741, - -282.11745572940913, - -236.07397129905488, - -223.34802339430044, - -236.07397129905476, - -282.1174557294091, - -371.65800929174105, - -528.2719062177943, - -751.7769106517958, - -903.0647477040271, - -328.78991181441324, - 1723.8164224306217, - 2809.009639587979, - 764.296634631449, - -597.2891457294046, - -625.0863220977822, - -449.77367905739993, - -349.0236826683308, - -352.5453153236594, - -380.0363449522517, - -476.64486947655183, - -643.0542247328453, - -536.3416757736827, - 1432.386988142251, - 3924.7579628981734, - 1781.5077575103153, - -457.9904160394236, - -940.9824006995425, - -767.4677626344121, - -543.0939294724625, - -387.3295521901063, - -297.59132701729897, - -251.91539562172755, - -237.70230484167305, - -251.91539562172758, - -297.59132701729874, - -387.3295521901063, - -543.0939294724627, - -767.4677626344117, - -940.9824006995423, - -457.99041603942345, - 1781.5077575103144, - 3924.757962898173, - 1432.386988142251, - -536.3416757736826, - -643.0542247328451, - -476.6448694765517, - -380.0363449522518, - -457.1129086895061, - -481.69483738664985, - -570.4393514535419, - -738.9640136966135, - -757.5000385729635, - 408.6777843376909, - 1746.907441678271, - 242.3711481006843, - -967.2592894849187, - -1085.5251848214773, - -845.2031255729606, - -601.9208905937952, - -439.12179434140654, - -345.88951111690375, - -300.16585902119004, - -285.7403918369067, - -300.16585902119016, - -345.8895111169038, - -439.12179434140654, - -601.9208905937951, - -845.2031255729603, - -1085.525184821478, - -967.2592894849182, - 242.3711481006847, - 1746.9074416782707, - 408.67778433769126, - -757.5000385729641, - -738.9640136966136, - -570.4393514535426, - -481.6948373866497, - -634.6080975323747, - -650.5091997295377, - -743.3070979838267, - -940.5488274661349, - -1113.9443158554768, - -724.5479707286938, - -0.07629823303558272, - -456.1472621527298, - -1233.8870973873493, - -1314.375249387419, - -1028.7700742528225, - -739.2670128326777, - -546.1573651741778, - -443.56050893564435, - -393.96450695679493, - -380.2188870028443, - -393.964506956795, - -443.5605089356444, - -546.1573651741782, - -739.2670128326773, - -1028.7700742528227, - -1314.375249387419, - -1233.88709738735, - -456.1472621527299, - -0.07629823303547847, - -724.5479707286943, - -1113.9443158554775, - -940.548827466135, - -743.307097983827, - -650.5091997295369, - -571.5506290758096, - -503.07995238911724, - -723.311579217981, - -1105.6084560380973, - -3.960419623988713, - 5000, - 5000, - 5000, - 5000, - -436.87790058772816, - -1241.5111105607878, - -991.8967494548796, - -744.9268793327162, - -611.6875916368605, - -554.2916953711549, - -539.8541614411993, - -554.2916953711548, - -611.68759163686, - -744.9268793327163, - -991.8967494548797, - -1241.511110560788, - -436.8779005877281, + -454.51721090228216, + -1251.077101266888, + -991.2844338084186, + -734.4315193589632, + -594.55240242006, + -533.1745445724722, + -517.3390055166985, + -533.1745092712663, + -594.552317479428, + -734.4313581738862, + -991.283868345734, + -1251.0770151692143, + -454.5192764135903, + 5000, + 5000, + 5000, + 5000, + 167.01843819091155, + -1105.3695467524853, + -770.0745855147384, + -573.0153415832752, + -616.2737796150961, + -635.3355240139061, + -731.4667018093454, + -933.9483870661572, + -1097.186795877529, + -612.6650909604504, + 173.10554764801842, + -417.00926244533406, + -1252.6498949219135, + -1333.9940726504863, + -1039.638947609137, + -740.8558825828247, + -540.1823457788516, + -432.606385872269, + -380.35978547660295, + -365.0069096563099, + -380.3597560628594, + -432.60631957657114, + -540.1822263441577, + -740.8554237381065, + -1039.6383682536834, + -1333.993793325609, + -1252.6500600445108, + -417.0095101780363, + 173.10523132599414, + -612.6649396251115, + -1097.1868798929372, + -933.9483969574096, + -731.466709358999, + -635.3354720152562, + -442.9559375750569, + -468.5826765290153, + -561.807008809339, + -736.2414970243245, + -739.3284298894246, + 578.7213829859064, + 2101.647744750422, + 424.67599170374945, + -939.5953605274635, + -1094.3819822930213, + -852.231595900468, + -604.213176595184, + -436.6210788424653, + -340.1420748017261, + -292.94188331193885, + -278.6071594946267, + -292.9418565277679, + -340.1420162003204, + -436.6209761453697, + -604.212790025577, + -852.2311113253796, + -1094.3818120030305, + -939.5960346440165, + 424.6748440826953, + 2101.647549821373, + 578.7225626241952, + -739.3283484307333, + -736.2415079783352, + -561.8070204915889, + -468.5826305098418, + -346.24581905186585, + -375.1157616347509, + -473.9499637704102, + -643.4524194861322, + -545.6375193651678, + 1377.9090187848044, + 3864.2951658633874, + 1825.4919305134915, + -437.29952594176126, + -944.5604407239447, + -771.8457941667206, + -544.308561709521, + -386.4660630304194, + -295.60477095575663, + -249.56162319067207, + -234.47494894973127, + -249.561597134489, + -295.60471453735533, + -386.46596461385366, + -544.3081966662184, + -771.8453528378639, + -944.5604250234007, + -437.30093257254646, + 1825.4902215179009, + 3864.295260780008, + 1377.9107829124525, + -545.6373680138737, + -643.4524358506192, + -473.9499772614847, + -375.11571896623565, + -321.0487488937557, + -349.02371605677536, + -449.7737215586699, + -625.0864377880619, + -597.2888325607227, + 764.3001050220821, + 2809.0209447579277, + 1723.8267578855457, + -328.7864775321576, + -903.0646940244052, + -751.7772976085172, + -528.2721561561888, + -371.6581146338457, + -282.1174984411863, + -236.07398333608324, + -223.34803725559226, + -236.0739574989433, + -282.1174426706829, + -371.6580171806788, + -528.2717953903611, + -751.7768652068439, + -903.0647166532822, + -328.7879529428938, + 1723.8254342765417, + 2809.0213437561288, + 764.3013539733165, + -597.288739594499, + -625.0864562926491, + -449.7737358113372, + -349.0236744186846, + -352.5452887986655, + -380.0363405942989, + -476.644850745417, + -643.0542698421891, + -536.3419588706747, + 1432.3850162688896, + 3924.7587210989736, + 1781.5134056098645, + -457.98759977135234, + -940.9821955740381, + -767.4679821444942, + -543.0940720074034, + -387.32959698397786, + -297.5913344397129, + -251.9153843879385, + -237.70229845126713, + -251.91535879834055, + -297.59127885230635, + -387.3295000100695, + -543.0937118301161, + -767.4675461581131, + -940.9821729428306, + -457.9889601138478, + 1781.5116790902243, + 3924.758761231126, + 1432.3868193578592, + -536.3418018551586, + -643.0542857079439, + -476.6448641095161, + -380.0362983154207, + -457.11293037737624, + -481.69486997620095, + -570.4393448753966, + -738.9640790760811, + -757.5008432665772, + 408.67196869893775, + 1746.8981699727938, + 242.36895060407466, + -967.2588304555613, + -1085.5251980842388, + -845.2033281003737, + -601.9210205928443, + -439.12184497719846, + -345.8895363420534, + -300.1658737468589, + -285.7404133665854, + -300.1658478068337, + -345.88947953077974, + -439.12174526496955, + -601.9206440874113, + -845.2028544581242, + -1085.5250186037024, + -967.2594038559902, + 242.3679387465001, + 1746.8979702074946, + 408.67299947712047, + -757.500778007261, + -738.9640893088588, + -570.4393562391828, + -481.6948248326916, + -634.6080102029609, + -650.5091333930833, + -743.3069754628056, + -940.5487365060259, + -1113.9444090289721, + -724.5492182119807, + -0.07817696364329213, + -456.14785323680053, + -1233.886792961606, + -1314.3751664818099, + -1028.7701524612633, + -739.267043125054, + -546.1573434691394, + -443.5604781364153, + -393.96447588725266, + -380.2188651071554, + -393.96444783941485, + -443.56041461763033, + -546.1572285064602, + -739.2665998176277, + -1028.7695902714686, + -1314.3748827397228, + -1233.8868841293609, + -456.14797722545944, + -0.07851629759743786, + -724.549192985222, + -1113.9445134502669, + -940.5487463145806, + -743.3069816601131, + -650.5090835436629, + -571.5515482575081, + -503.0812999767873, + -723.3123677401554, + -1105.6083169760054, + -3.958941866393491, + 5000, + 5000, + 5000, + 5000, + -436.8795263214233, + -1241.511097998117, + -991.8965994179447, + -744.9266924949231, + -611.687409502269, + -554.2915207106676, + -539.8539960214172, + -554.2914872233354, + -611.6873284306438, + -744.926537545884, + -991.8960534288492, + -1241.511014836663, + -436.88147943349065, 5000, 5000, 5000, 5000, - -3.9604196239880407, - -1105.6084560380968, - -723.311579217981, - -503.0799523891171, - 890.266441550927, - 1584.5355336043435, - 607.3824644372414, - -655.2583986008743, + -3.9589803346670185, + -1105.6083727768867, + -723.3123078178534, + -503.08129695966534, + 890.2546649396992, + 1584.5178336879292, + 607.370759260916, + -655.2596428704823, 5000, 5000, 5000, 5000, 5000, 5000, - 785.73463053869, - -1248.1402515549407, - -1040.7071690415028, - -859.5048782971176, - -782.0503919617007, - -764.9281037096677, - -782.0503919617003, - -859.5048782971177, - -1040.7071690415023, - -1248.140251554941, - 785.734630538691, + 785.7295586476929, + -1248.1400018991044, + -1040.7066224885966, + -859.5043187775688, + -782.0498504114114, + -764.9275743594856, + -782.0498073670319, + -859.5042047528005, + -1040.7064068162997, + -1248.1401246032617, + 785.7158385445272, 5000, 5000, 5000, 5000, 5000, 5000, - -655.258398600874, - 607.3824644372413, - 1584.5355336043422, - 2849.7481954970026, - 3911.935528935983, - 1912.3633086998627, - 89.21344263780976, + -655.260036483804, + 607.3712336229811, + 1584.5174602718469, + 2849.755570502342, + 3911.9480236132154, + 1912.3724465792354, + 89.21609575855567, 5000, 5000, 5000, @@ -24964,15 +25216,15 @@ 5000, 5000, 5000, - -442.67473659512154, - -1325.8072804420297, - -1091.3582141707016, - -938.6692445323571, - -897.1186403655221, - -938.6692445323567, - -1091.3582141707009, - -1325.8072804420299, - -442.67473659512166, + -442.6773483632992, + -1325.8072930621686, + -1091.3581707266876, + -938.6693182838098, + -897.1187981912351, + -938.6692608636017, + -1091.3580016615683, + -1325.807064583555, + -442.68468995692075, 5000, 5000, 5000, @@ -24980,13 +25232,13 @@ 5000, 5000, 5000, - 89.21344263780978, - 1912.3633086998632, - 3911.935528935985, - 1588.3455894826427, - 1640.3739365883566, - 228.31379769866066, - -462.24652574830674, + 89.2147745472517, + 1912.3733052505518, + 3911.9474189079806, + 1588.3422873446702, + 1640.3717637053799, + 228.31372503259902, + -462.2456737883683, 5000, 5000, 5000, @@ -24995,13 +25247,13 @@ 5000, 5000, 5000, - -1228.8181957618285, - -913.1710158576055, - -368.5846994848428, - -244.57452872602178, - -368.5846994848429, - -913.1710158576059, - -1228.8181957618287, + -1228.8179481445404, + -913.1698568834612, + -368.5823890120198, + -244.57217701588053, + -368.58230917464465, + -913.1695911793499, + -1228.8178873278414, 5000, 5000, 5000, @@ -25010,13 +25262,13 @@ 5000, 5000, 5000, - -462.24652574830657, - 228.3137976986611, - 1640.3739365883573, - -406.6642766222487, - -519.3246014015598, - -990.5520940138549, - -1258.6796755295509, + -462.247092359679, + 228.31406110513336, + 1640.3717171884878, + -406.66697013742305, + -519.3267557868685, + -990.5526798743899, + -1258.6795768688287, 5000, 5000, 5000, @@ -25025,13 +25277,13 @@ 5000, 5000, 5000, - -422.2524891883861, - 438.038944332205, - 1973.0953595963701, - 1853.0797481018121, - 1973.09535959637, - 438.03894433220466, - -422.25248918838633, + -422.25295271596923, + 438.0388473763407, + 1973.0944597422908, + 1853.0788910344454, + 1973.09456289524, + 438.03921866107765, + -422.25361707516345, 5000, 5000, 5000, @@ -25040,14 +25292,14 @@ 5000, 5000, 5000, - -1258.6796755295509, - -990.5520940138555, - -519.3246014015597, - -906.2909148424274, - -944.5815527254753, - -1087.2321550877032, - -1321.7196231058304, - -449.0742893006092, + -1258.6800706144295, + -990.5526834600432, + -519.3266981168455, + -906.2912044819617, + -944.5817321229118, + -1087.2320322548862, + -1321.7194552068315, + -449.0741145644852, 5000, 5000, 5000, @@ -25055,13 +25307,13 @@ 5000, 5000, 5000, - 64.46655162704172, - 1924.2521665939985, - 3871.954888598034, - 2746.293967426785, - 3871.9548885980344, - 1924.2521665939983, - 64.46655162704153, + 64.46670483199485, + 1924.2489683456004, + 3871.9472389603957, + 2746.2883536632867, + 3871.947342455034, + 1924.2493015307036, + 64.46484826586413, 5000, 5000, 5000, @@ -25069,345 +25321,345 @@ 5000, 5000, 5000, - -449.0742893006091, - -1321.7196231058306, - -1087.232155087703, - -944.5815527254758, - -738.0353629530564, - -756.6562719816056, - -837.8571581042163, - -1027.0668708716073, - -1244.1660888370443, - 794.2325223421982, + -449.0728179972017, + -1321.7195844605549, + -1087.2320971536326, + -944.5817021523669, + -738.0352428836746, + -756.6561524027336, + -837.8570052625404, + -1027.0667996885004, + -1244.165897678745, + 794.2349488185231, 5000, 5000, 5000, 5000, 5000, 5000, - -688.1113323075997, - 383.90667959998996, - 1237.3262395467425, - 637.2640773453087, - 1237.326239546742, - 383.9066795999898, - -688.1113323076, + -688.1101026116356, + 383.90586782434406, + 1237.3236231279034, + 637.2620061453581, + 1237.3237079612948, + 383.9060964243752, + -688.1111253586754, 5000, 5000, 5000, 5000, 5000, 5000, - 794.2325223421973, - -1244.1660888370443, - -1027.0668708716073, - -837.8571581042163, - -756.6562719816052, - -517.3390578251048, - -533.1746067177922, - -594.5524700283198, - -734.4315902251645, - -991.284483800852, - -1251.0771456775747, - -454.5155871474091, + 794.2415503310134, + -1244.1658694291061, + -1027.0668880840458, + -837.8570649848857, + -756.6561331371831, + -517.3390060195836, + -533.1745628346883, + -594.5524147715265, + -734.4316029945223, + -991.2845148294648, + -1251.0767617403183, + -454.5098524701514, 5000, 5000, 5000, 5000, - 167.023727342689, - -1105.3695071489062, - -770.0738848478433, - -573.0139922006753, - -619.382730083196, - -573.0139922006756, - -770.0738848478436, - -1105.369507148906, - 167.0237273426896, - 5000, - 5000, - 5000, - 5000, - -454.5155871474092, - -1251.0771456775738, - -991.2844838008524, - -734.4315902251643, - -594.5524700283195, - -533.1746067177925, - -365.00698365836865, - -380.3598664162441, - -432.6064586089402, - -540.1824022066553, - -740.8558880506461, - -1039.6389279696084, - -1333.9941571154611, - -1252.6495607641182, - -417.006839342821, - 173.1087056491476, - -612.6637283948605, - -1097.1868741463868, - -933.9486576018892, - -731.4669880642747, - -635.3357589495633, - -616.2740518584613, - -635.3357589495632, - -731.4669880642746, - -933.9486576018893, - -1097.1868741463861, - -612.6637283948603, - 173.10870564914774, - -417.00683934282137, - -1252.6495607641182, - -1333.9941571154616, - -1039.638927969609, - -740.8558880506463, - -540.1824022066552, - -432.60645860894004, - -380.3598664162439, - -278.60720290621896, - -292.941935271599, - -340.14212373816724, - -436.62112758419727, - -604.2132048834378, - -852.2316267794383, - -1094.3819818831544, - -939.5940140270038, - 424.6843150092224, - 2101.6639318531716, - 578.7295459537728, - -739.3276121363959, - -736.2416793108639, - -561.8072375326235, - -468.58285732027485, - -442.9561325819618, - -468.582857320275, - -561.8072375326234, - -736.2416793108641, - -739.3276121363963, - 578.7295459537725, - 2101.6639318531734, - 424.684315009223, - -939.5940140270038, - -1094.3819818831546, - -852.2316267794388, - -604.2132048834377, - -436.6211275841974, - -340.1421237381674, - -292.9419352715987, - -234.4750352519914, - -249.5617208521523, - -295.6048735831684, - -386.46618754933394, - -544.3087058322993, - -771.8459931458672, - -944.5604630599964, - -437.29669897867825, - 1825.5082995753737, - 3864.325211611226, - 1377.9234967204475, - -545.6360407150501, - -643.4526554400478, - -473.950227554728, - -375.1159510339286, - -346.2460154695094, - -375.1159510339285, - -473.9502275547277, - -643.4526554400477, - -545.6360407150504, - 1377.923496720447, - 3864.325211611224, - 1825.5082995753737, - -437.29669897867797, - -944.5604630599966, - -771.8459931458665, - -544.308705832299, - -386.466187549334, - -295.60487358316834, - -249.56172085215232, - -184.84766630610102, - -195.382124556108, - -226.32465437519008, - -282.21328049026994, - -371.04199285000925, - -495.6844245484813, - -645.0198365292813, - -773.3751237926423, - -819.658824909338, - -794.7793724026059, - -726.4203825762012, - -596.7555146928012, - -450.06014108117324, - -340.55172469407455, - -281.3865225994145, - -263.5919277771422, - -281.38652259941426, - -340.5517246940744, - -450.0601410811732, - -596.7555146928008, - -726.4203825762014, - -794.7793724026068, - -819.6588249093378, - -773.3751237926418, - -645.0198365292815, - -495.6844245484813, - -371.0419928500091, - -282.2132804902698, - -226.32465437519008, - -195.3821245561079, - -196.3018839960439, - -205.72825922741274, - -237.2859280121599, - -296.60278009243956, - -389.2225812275831, - -521.6443034572476, - -681.8814293005968, - -821.7043531537031, - -876.1238351683306, - -842.0205693793955, - -763.7852718069611, - -628.9479435798144, - -474.6918442746519, - -362.0295380488832, - -301.3883120161557, - -283.0527510457666, - -301.38831201615574, - -362.0295380488833, - -474.6918442746522, - -628.9479435798145, - -763.7852718069612, - -842.0205693793956, - -876.1238351683309, - -821.7043531537031, - -681.8814293005968, - -521.6443034572475, - -389.2225812275834, - -296.60278009243945, - -237.28592801215996, - -205.7282592274127, - -228.5504971807319, - -238.71478200210046, - -275.23756842007583, - -343.7790530146975, - -455.54898432723627, - -621.8884439252234, - -825.0737026954771, - -1007.4319429677402, - -1079.8295303358036, - -1028.5543725888915, - -922.3112924436592, - -752.9467701347882, - -566.2702477113816, - -434.50939462648984, - -365.22997325699237, - -344.86893335748994, - -365.2299732569923, - -434.50939462648967, - -566.270247711381, - -752.946770134788, - -922.3112924436593, - -1028.554372588891, - -1079.8295303358043, - -1007.4319429677406, - -825.073702695477, - -621.8884439252232, - -455.54898432723644, - -343.77905301469775, - -275.23756842007606, - -238.71478200210046, - -285.7404029731036, - -300.1658699320069, - -345.8895212669243, - -439.1218028901852, - -601.9208957622614, - -845.2031259758988, - -1085.525178303481, - -967.2592244648291, - 242.37171629221882, - 1746.909022546079, - 408.678666200897, - -757.4999089493186, - -738.9640020574211, - -570.43934782819, - -481.69483409750154, - -457.11290521744985, - -481.6948340975012, - -570.4393478281899, - -738.9640020574207, - -757.4999089493183, - 408.6786662008973, - 1746.9090225460777, - 242.37171629221862, - -967.2592244648292, - -1085.525178303481, - -845.2031259758988, - -601.9208957622611, - -439.12180289018534, - -345.8895212669245, - -300.16586993200696, - -376.4323450533266, - -395.23416611504393, - -461.3839241865087, - -605.6597570638899, - -858.0407509971589, - -1081.8344120373156, - 95.56275356264561, - 5000, - 5000, - 5000, - 5000, - 5000, - -759.7115724698176, - -761.2054815386612, - -637.8079532672151, - -604.718831144498, - -637.8079532672148, - -761.2054815386612, - -759.7115724698176, + 167.03603320121334, + -1105.3692235443998, + -770.0739505774324, + -573.0142013666074, + -619.3829433562134, + -573.0141316520425, + -770.0737730551851, + -1105.3691548244014, + 167.02733042467813, + 5000, + 5000, + 5000, + 5000, + -454.50833372066955, + -1251.0767827658128, + -991.284698945635, + -734.4316737666867, + -594.5524616731649, + -533.1745486109882, + -365.007201136505, + -380.3600877766939, + -432.6066667825542, + -540.1826690103554, + -740.8562345201111, + -1039.6393831117966, + -1333.9945100740867, + -1252.6475586092974, + -416.9991827264243, + 173.11895746776298, + -612.6592880094994, + -1097.18698314943, + -933.9493204058776, + -731.4674584493898, + -635.3361431128469, + -616.2744665288028, + -635.3360802780462, + -731.467305462558, + -933.9490828782998, + -1097.1870305610616, + -612.6610609808953, + 173.119033003614, + -416.9977610460082, + -1252.647366969393, + -1333.9947178052435, + -1039.639659292472, + -740.8563928983029, + -540.1827245221123, + -432.6067038618912, + -380.36007562457985, + -278.6071910070913, + -292.94192529410384, + -340.14209519439027, + -436.6211209042073, + -604.2132064763465, + -852.2316345757689, + -1094.3819218931028, + -939.5920443963226, + 424.6931611758696, + 2101.682138761454, + 578.7395162282284, + -739.3265130117335, + -736.2418020141805, + -561.8073166961411, + -468.58287140252355, + -442.95613539552824, + -468.582809137731, + -561.8071715066378, + -736.2416181729577, + -739.3274198167768, + 578.7345823688718, + 2101.682550044896, + 424.6966134040196, + -939.591354196053, + -1094.3820366041673, + -852.2318750469034, + -604.2133459969328, + -436.6211695248142, + -340.142126872636, + -292.94191390855855, + -234.47501582396694, + -249.5617035189901, + -295.6048390974999, + -386.46617077336225, + -544.3086918711714, + -771.8459695441187, + -944.5603269657691, + -437.294392491167, + 1825.5176017867277, + 3864.3435718032115, + 1377.9336635934853, + -545.6348840540452, + -643.4527376545813, + -473.9502831518243, + -375.11594749065677, + -346.2460031728122, + -375.115883464609, + -473.95013477677804, + -643.4525740637864, + -545.6363440902052, + 1377.9264657980964, + 3864.3431679497817, + 1825.522664725282, + -437.2929776011112, + -944.5602952622654, + -771.846194255299, + -544.3088279887537, + -386.46621773995355, + -295.6048685193348, + -249.56169239305913, + -184.84762544484565, + -195.38208126070464, + -226.32458917279348, + -282.2132058818817, + -371.0418842223683, + -495.68425958905897, + -645.019675324548, + -773.3749757385889, + -819.6586933545857, + -794.7792751278572, + -726.42033801298, + -596.7554943556623, + -450.0601132449268, + -340.5516907908895, + -281.38647923294275, + -263.5918874009885, + -281.3864395965412, + -340.55160364399154, + -450.0599743941035, + -596.7551729800717, + -726.4201320548224, + -794.7792058468963, + -819.658693773209, + -773.3750662093342, + -645.0198246474267, + -495.6843953363496, + -371.04196209359054, + -282.2132362061046, + -226.32461027183206, + -195.3820739471812, + -196.30183899771365, + -205.7282120519262, + -237.2858576090523, + -296.6026982583793, + -389.22245698321353, + -521.6441049741949, + -681.8812131712876, + -821.7041519367825, + -876.1237245451414, + -842.0205687844381, + -763.7852510591902, + -628.9478775674295, + -474.69178033426897, + -362.0294867293346, + -301.388260622092, + -283.0527049300919, + -301.38822005033717, + -362.02939715845577, + -474.6916372905625, + -628.9475442446777, + -763.7850326154474, + -842.0204802714353, + -876.1237214197567, + -821.7042512007968, + -681.8813702373715, + -521.6442463871442, + -389.22253800839707, + -296.6027296018824, + -237.28587969242864, + -205.72820451097255, + -228.55050080172418, + -238.7147871575972, + -275.2375607250278, + -343.77906430547256, + -455.5490037641941, + -621.8884640816576, + -825.0738078265847, + -1007.4321052740029, + -1079.8296746323313, + -1028.5545068749898, + -922.3114788985002, + -752.9469509404637, + -566.2703741761896, + -434.50948298449214, + -365.2300416818393, + -344.8690027215737, + -365.22999554009056, + -434.50937916488004, + -566.270204315746, + -752.946544376129, + -922.3112014429521, + -1028.5543763315673, + -1079.8296650703883, + -1007.432230796465, + -825.0740010790469, + -621.8886357070569, + -455.549100209754, + -343.7791003508935, + -275.23758586037906, + -238.7147786620318, + -285.7403554037285, + -300.16582329312195, + -345.88945247728014, + -439.1217440899439, + -601.9208116389115, + -845.2029849239439, + -1085.5251363633088, + -967.2596184131688, + 242.36818032940226, + 1746.9020515700138, + 408.6760210370507, + -757.5002720381196, + -738.9640553118744, + -570.4394075643745, + -481.6949103921149, + -457.1129952348288, + -481.69485049886606, + -570.4392675706156, + -738.9638743423277, + -757.501054703252, + 408.671660936578, + 1746.9024627362162, + 242.37125129215985, + -967.2590270829113, + -1085.5252604683494, + -845.2032187440327, + -601.9209474288574, + -439.1217918695819, + -345.88948401624924, + -300.1658123868445, + -376.4322649000016, + -395.2340876562092, + -461.38380986730436, + -605.6596429137494, + -858.0405739419364, + -1081.8343271448762, + 95.56178281693084, + 5000, + 5000, + 5000, + 5000, + 5000, + -759.7117158222402, + -761.2055332155493, + -637.8080243971132, + -604.7189284189412, + -637.8079409160475, + -761.2053538759656, + -759.7124575625655, 5000, 5000, 5000, 5000, 5000, - 95.562753562645, - -1081.8344120373154, - -858.0407509971576, - -605.6597570638891, - -461.3839241865088, - -395.2341661150438, - -503.6092743563563, - -530.2348411965722, - -630.2788824606401, - -852.0116621552488, - -1086.3390867823023, - 1164.734220936576, + 95.56538701775399, + -1081.834225351065, + -858.0407581865637, + -605.6597112942592, + -461.3838516705533, + -395.23407161050545, + -503.6090368784404, + -530.234610100741, + -630.2786030216668, + -852.0113890987124, + -1086.338954903082, + 1164.7283979184908, 5000, 5000, 5000, 5000, 5000, 5000, - 459.29126891407793, - -929.3683594676323, - -771.4359362472852, - -731.6842773571252, - -771.4359362472856, - -929.3683594676326, - 459.2912689140782, + 459.2915082588358, + -929.3682335386634, + -771.4358154649974, + -731.6842076299176, + -771.4357049699856, + -929.3680923062982, + 459.2839782824168, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.734220936576, - -1086.3390867823023, - -852.011662155249, - -630.2788824606399, - -530.2348411965722, - -652.8322052914782, - -691.3474042614943, - -836.360247633426, - -1095.6675443964207, - 82.48615666602758, + 1164.736215820977, + -1086.3388826981584, + -852.0114767921473, + -630.278657336062, + -530.234584046892, + -652.8317723758307, + -691.346990103797, + -836.3597931093043, + -1095.6671911507146, + 82.48529934337816, 5000, 5000, 5000, @@ -25415,13 +25667,13 @@ 5000, 5000, 5000, - 1914.5448070203367, - -1033.8494138496635, - -848.4720823108868, - -797.6929198293875, - -848.4720823108868, - -1033.849413849663, - 1914.5448070203374, + 1914.547991803556, + -1033.8492230807806, + -848.4718707213326, + -797.6927410520716, + -848.4717419471908, + -1033.8491370571878, + 1914.5325631732785, 5000, 5000, 5000, @@ -25429,14 +25681,14 @@ 5000, 5000, 5000, - 82.48615666602709, - -1095.667544396421, - -836.3602476334261, - -691.3474042614944, - -776.9814528409554, - -828.1435747629213, - -1016.5761707192152, - -967.9506511357173, + 82.48781560433068, + -1095.6672754852148, + -836.3598561104609, + -691.3469468004298, + -776.9810040663162, + -828.1431452605277, + -1016.5756556810268, + -967.9500269862751, 5000, 5000, 5000, @@ -25445,13 +25697,13 @@ 5000, 5000, 5000, - 355.84098547783276, - -1084.5200791642096, - -880.4820301240147, - -820.499211313794, - -880.4820301240151, - -1084.5200791642094, - 355.8409854778327, + 355.84271475185926, + -1084.5198368222418, + -880.4817954881702, + -820.4990058273125, + -880.4816655065982, + -1084.5196618164216, + 355.8352216441277, 5000, 5000, 5000, @@ -25460,13 +25712,13 @@ 5000, 5000, 5000, - -967.9506511357174, - -1016.5761707192153, - -828.1435747629212, - -818.1335719831515, - -877.0598806779989, - -1083.164656780896, - 303.10794926335944, + -967.9501424867833, + -1016.5757182368186, + -828.1430796116038, + -818.1335819360752, + -877.0598937565586, + -1083.164572619774, + 303.1057076324864, 5000, 5000, 5000, @@ -25475,13 +25727,13 @@ 5000, 5000, 5000, - -940.1565491522359, - -1009.095531694405, - -820.2807408343588, - -768.231783262077, - -820.2807408343589, - -1009.0955316944049, - -940.1565491522357, + -940.157061210994, + -1009.0958009847332, + -820.2810251292009, + -768.2321034680024, + -820.2809127038483, + -1009.0955556386186, + -940.1584152491656, 5000, 5000, 5000, @@ -25490,13 +25742,13 @@ 5000, 5000, 5000, - 303.1079492633593, - -1083.1646567808953, - -877.0598806779983, - -791.8291522507332, - -841.7783864781037, - -1027.5374846350148, - 1920.4787345929542, + 303.10543380136676, + -1083.164624135698, + -877.0598110093765, + -791.8290997941803, + -841.7783591757254, + -1027.5373349792746, + 1920.4770838238426, 5000, 5000, 5000, @@ -25504,15 +25756,15 @@ 5000, 5000, 5000, - 166.82025213643766, - -1084.4087571809334, - -824.0308500578917, - -675.7419575564481, - -636.6040890873824, - -675.7419575564484, - -824.0308500578911, - -1084.408757180933, - 166.82025213643746, + 166.8212101842763, + -1084.4088420784738, + -824.0309460724807, + -675.7420868521381, + -636.6042483889903, + -675.7420021678025, + -824.0307330872382, + -1084.4087152748955, + 166.81017460729595, 5000, 5000, 5000, @@ -25520,343 +25772,343 @@ 5000, 5000, 5000, - 1920.4787345929535, - -1027.5374846350148, - -841.7783864781039, - -720.6091121620135, - -762.5696015068329, - -920.8665829719389, - 523.8025187183848, + 1920.476796465336, + -1027.537368255706, + -841.7782740372128, + -720.6089821658315, + -762.5695168145227, + -920.8664242172481, + 523.8030102041417, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4457091939912, - -1082.7410375360996, - -845.236931176529, - -618.7502935130823, - -515.6079821055608, - -487.81039292700314, - -515.607982105561, - -618.7502935130824, - -845.2369311765287, - -1082.7410375360985, - 1193.4457091939914, + 1193.451185237528, + -1082.7408703009464, + -845.2370134763402, + -618.7503667398776, + -515.6080547826474, + -487.8104813603761, + -515.607996488692, + -618.7502214861571, + -845.2367612313726, + -1082.7410940188952, + 1193.4353906323006, 5000, 5000, 5000, 5000, 5000, 5000, - 523.8025187183847, - -920.8665829719395, - -762.5696015068328, - -588.2376173470324, - -623.3279895135648, - -749.7410222035439, - -738.3080496694788, + 523.8028913222737, + -920.8664449143776, + -762.569438717095, + -588.237289326629, + -623.3276898276208, + -749.7406680154666, + -738.3079757899587, 5000, 5000, 5000, 5000, 5000, - 155.2777942752041, - -1087.5498451124197, - -859.8071572417243, - -601.1322230304996, - -452.0839836408254, - -384.1979058512181, - -364.8730654655851, - -384.19790585121785, - -452.0839836408255, - -601.1322230304997, - -859.8071572417244, - -1087.5498451124195, - 155.27779427520403, - 5000, - 5000, - 5000, - 5000, - 5000, - -738.3080496694786, - -749.7410222035438, - -623.3279895135648, - -442.9561530131503, - -468.58287693685725, - -561.8072548493479, - -736.2416966920838, - -739.3276790748095, - 578.7291295075327, - 2101.663218190762, - 424.6841078382708, - -939.5940340881866, - -1094.3819905786654, - -852.2316331565078, - -604.2132127661804, - -436.62113796858955, - -340.1421356645407, - -292.94194815604465, - -278.607216088818, - -292.9419481560448, - -340.1421356645402, - -436.6211379685896, - -604.2132127661805, - -852.2316331565077, - -1094.381990578666, - -939.5940340881865, - 424.6841078382702, - 2101.6632181907626, - 578.7291295075335, - -739.327679074809, - -736.2416966920838, - -561.8072548493476, - -468.58287693685725, - -336.13988453517857, - -357.2378686884689, - -429.47883807096053, - -566.3400003326099, - -758.278699948914, - -928.3863134865196, - -1033.2056938310789, - -1088.4267256166927, - -1019.0474102073345, - -835.9463573770664, - -628.044074340291, - -457.19586650300585, - -342.3812170582121, - -272.29328452291526, - -234.9971728236257, - -224.15985569132457, - -234.9971728236257, - -272.2932845229153, - -342.381217058212, - -457.19586650300585, - -628.0440743402906, - -835.9463573770665, - -1019.0474102073342, - -1088.4267256166927, - -1033.2056938310789, - -928.3863134865198, - -758.2786999489138, - -566.3400003326099, - -429.47883807096053, - -357.2378686884689, - -279.9515502952392, - -298.4298528171868, - -360.33509767794084, - -475.7615514861342, - -632.6043295172188, - -770.2463205488872, - -849.0048800191895, - -882.5790493127467, - -827.6149637736333, - -686.1179565553963, - -524.4495521655034, - -389.86098801133795, - -296.5819866621484, - -236.55864833576464, - -204.1722315005515, - -194.4789813196315, - -204.1722315005514, - -236.5586483357646, - -296.58198666214844, - -389.8609880113381, - -524.4495521655032, - -686.1179565553961, - -827.6149637736333, - -882.579049312747, - -849.00488001919, - -770.2463205488873, - -632.6043295172184, - -475.7615514861344, - -360.33509767794095, - -298.42985281718694, - -263.591928627387, - -281.3865234272272, - -340.55172547916345, - -450.06014170328757, - -596.7555148000689, - -726.4203815431064, - -794.7793695440535, - -819.6588198181456, - -773.3751169269822, - -645.0198291387306, - -495.6844180543942, - -371.0419881236325, - -282.21327748009344, - -226.32465261910784, - -195.3821234993002, - -184.84766549462827, - -195.38212349930038, - -226.32465261910775, - -282.2132774800932, - -371.0419881236326, - -495.68441805439426, - -645.0198291387303, - -773.3751169269822, - -819.6588198181458, - -794.7793695440531, - -726.4203815431063, - -596.7555148000687, - -450.0601417032879, - -340.55172547916334, - -281.38652342722736, - -283.05274941123315, - -301.38831009602916, - -362.02953509489805, - -474.69183917043057, - -628.9479355834285, - -763.785261881242, - -842.0205589576394, - -876.1238250714422, - -821.7043451476825, - -681.8814239978409, - -521.6443000496004, - -389.22257884600117, - -296.60277826123314, - -237.28592647879424, - -205.72825785065038, - -196.3018826765456, - -205.7282578506505, - -237.28592647879415, - -296.6027782612334, - -389.2225788460006, - -521.6443000496002, - -681.8814239978407, - -821.7043451476828, - -876.1238250714425, - -842.02055895764, - -763.7852618812425, - -628.9479355834288, - -474.6918391704302, - -362.02953509489805, - -301.3883100960293, - -344.8689315790473, - -365.22997103273667, - -434.50939093494424, - -566.2702411320282, - -752.9467591612831, - -922.3112765316686, - -1028.5543529745717, - -1079.8295091629047, - -1007.4319231283758, - -825.0736869079855, - -621.8884330122441, - -455.5489774544394, - -343.7790488364589, - -275.2375657991039, - -238.71478018074774, - -228.55049558876158, - -238.7147801807478, - -275.23756579910366, - -343.77904883645874, - -455.54897745443924, - -621.8884330122438, - -825.0736869079856, - -1007.4319231283755, - -1079.829509162905, - -1028.5543529745714, - -922.3112765316686, - -752.9467591612829, - -566.2702411320279, - -434.5093909349445, - -365.2299710327367, - -457.11290523457967, - -481.69483408127235, - -570.4393476935759, - -738.9640017019146, - -757.4999082283568, - 408.67866745236824, - 1746.9090244637266, - 242.37171883585665, - -967.2592214840362, - -1085.5251752832967, - -845.2031233125114, - -601.9208936912814, - -439.12180141488733, - -345.8895202601798, - -300.1658692180224, - -285.74040237372, - -300.1658692180225, - -345.8895202601797, - -439.12180141488756, - -601.9208936912815, - -845.2031233125114, - -1085.5251752832962, - -967.2592214840363, - 242.37171883585685, - 1746.9090244637282, - 408.67866745236904, - -757.4999082283566, - -738.9640017019148, - -570.4393476935751, - -481.6948340812724, - -604.7188311656696, - -637.8079532973844, - -761.2054815394279, - -759.7115724182631, - 5000, - 5000, - 5000, - 5000, - 5000, - 95.56275366597423, - -1081.834411931389, - -858.0407508682872, - -605.6597569089071, - -461.3839240339523, - -395.2341659703127, - -376.43234489871355, - -395.23416597031286, - -461.38392403395216, - -605.6597569089068, - -858.0407508682872, - -1081.834411931389, - 95.56275366597443, + 155.27597142976515, + -1087.5496973458648, + -859.8070639278379, + -601.1321255464768, + -452.08390099737994, + -384.19782832311, + -364.8730007007564, + -384.1977896867918, + -452.0838101476224, + -601.1319575598852, + -859.8065005217867, + -1087.5498134354277, + 155.27150479664758, + 5000, + 5000, + 5000, + 5000, + 5000, + -738.3080047427432, + -749.7406827816352, + -623.3276266589613, + -442.9558772947344, + -468.58262342252556, + -561.8069766603963, + -736.2414576055198, + -739.3277090838125, + 578.7268397783658, + 2101.658870190201, + 424.6819011562577, + -939.5940275760026, + -1094.3818493431788, + -852.2316118014883, + -604.2131892155253, + -436.6210818999583, + -340.14207294756136, + -292.94187914553, + -278.60715482383074, + -292.9418523613571, + -340.1420143461517, + -436.62097920285385, + -604.212802645892, + -852.2311272264283, + -1094.3816790536412, + -939.5947016952973, + 424.68075353148, + 2101.6586752610415, + 578.7280194209965, + -739.3276276246072, + -736.2414685595324, + -561.8069883426471, + -468.5825774033488, + -336.1397303641864, + -357.237726101017, + -429.47866159521664, + -566.339827634059, + -758.2784864488441, + -928.3861589574798, + -1033.2056511795256, + -1088.4266191915142, + -1019.0472673273848, + -835.9462246269836, + -628.0440467542784, + -457.1958424254497, + -342.3811749894548, + -272.2932403592797, + -234.99712450874253, + -224.1598142746016, + -234.99710382247548, + -272.2931976174011, + -342.3811039911816, + -457.1955812606946, + -628.0437033930458, + -835.9459837912127, + -1019.0471228921507, + -1088.4266428768033, + -1033.2057238425214, + -928.3862452882695, + -758.2785569983117, + -566.3398378685933, + -429.47867214656117, + -357.2376917349029, + -279.9515218587623, + -298.4298423025756, + -360.3350878705682, + -475.76160894828087, + -632.6044223929163, + -770.2463818071777, + -849.004886536561, + -882.5791331899983, + -827.6151975811647, + -686.1181852303639, + -524.4497567650891, + -389.8611037677877, + -296.582031390925, + -236.55866287198938, + -204.17222888507777, + -194.47898174112083, + -204.17221101051598, + -236.55862653612118, + -296.58197277519906, + -389.8608932963673, + -524.4494835943156, + -686.1179951578785, + -827.6150841973642, + -882.5791470309782, + -849.0049385597206, + -770.2464542627544, + -632.6044835949888, + -475.76162046911645, + -360.33509844444, + -298.42981358262875, + -263.5919135222207, + -281.386524274718, + -340.55172394825905, + -450.06019840717624, + -596.7556057774638, + -726.4204659786731, + -794.7794006686482, + -819.658877857352, + -773.3753077014701, + -645.0200274766162, + -495.6845992778494, + -371.04208915295624, + -282.21331431521713, + -226.3246620975793, + -195.3821166357572, + -184.84766161841696, + -195.38209958774237, + -226.3246276627088, + -282.21325909702864, + -371.041892116526, + -495.68434440808335, + -645.0198506053847, + -773.3752064686743, + -819.658889895376, + -794.7794453717494, + -726.4205343014637, + -596.755664840824, + -450.0602102508264, + -340.5517345520404, + -281.38649707948673, + -283.0527088813993, + -301.3882815657872, + -362.0294882245981, + -474.6918224882858, + -628.9479275420034, + -763.7852873624735, + -842.0205694076179, + -876.123777896034, + -821.7043814905742, + -681.8814891011154, + -521.6443919466554, + -389.22262293364093, + -296.602779237645, + -237.28591351875818, + -205.7282354553922, + -196.30186538165734, + -205.7282178482264, + -237.28587771079057, + -296.60272151579215, + -389.2224156071969, + -521.6441228803592, + -681.8813016868937, + -821.7042693475657, + -876.1237919160892, + -842.0206211475357, + -763.7853578563142, + -628.9479872226176, + -474.691833576141, + -362.0294986724692, + -301.38825316673706, + -344.86891710679765, + -365.22996812717116, + -434.50936390345913, + -566.270251113557, + -752.9467806692028, + -922.3113558401059, + -1028.5544564526572, + -1079.8295537726262, + -1007.4320240999801, + -825.0737891772071, + -621.8885617510789, + -455.5490464204395, + -343.77906723585437, + -275.2375686297657, + -238.71477504492998, + -228.5504962152591, + -238.7147548580924, + -275.2375269163589, + -343.77899796896486, + -455.5487914383439, + -621.8882267181953, + -825.0735538798962, + -1007.4318792577897, + -1079.8295735954498, + -1028.5545280100266, + -922.3114421914205, + -752.9468492346866, + -566.2702606758609, + -434.50937418059607, + -365.2299344033031, + -457.1127809723252, + -481.69472637618674, + -570.4392113918686, + -738.9638897109769, + -757.4996089852762, + 408.6799092621824, + 1746.9128815287238, + 242.37517771757487, + -967.2577788760626, + -1085.5249601169037, + -845.2031480092191, + -601.9208844541841, + -439.12174699476424, + -345.88945778752833, + -300.16580220848977, + -285.74034338894114, + -300.1657762684699, + -345.8894009762694, + -439.1216472825673, + -601.9205079488519, + -845.2026743670323, + -1085.5247806364976, + -967.2583522788052, + 242.37416585485457, + 1746.912681762132, + 408.6809400464153, + -757.4995437251662, + -738.963899943741, + -570.4392227556483, + -481.6946812326793, + -604.7185653026203, + -637.8077192095052, + -761.2051948473348, + -759.7109545886307, + 5000, + 5000, + 5000, + 5000, + 5000, + 95.56396308808966, + -1081.83428612032, + -858.0406345541089, + -605.6596096651666, + -461.3837848779609, + -395.2340295386813, + -376.4322201737529, + -395.23399215551393, + -461.3836966131977, + -605.6594460617946, + -858.0400845292531, + -1081.8343986693903, + 95.55977973993184, 5000, 5000, 5000, 5000, 5000, - -759.7115724182634, - -761.205481539428, - -637.807953297385, - -731.6842766641769, - -771.4359354763877, - -929.3683584489848, - 459.2912703537758, + -759.7109850146902, + -761.2052091185772, + -637.8076571931141, + -731.6843210623529, + -771.4359553748176, + -929.3682792442971, + 459.29075022367607, 5000, 5000, 5000, 5000, 5000, 5000, - 1164.734222801089, - -1086.3390854047304, - -852.0116611507501, - -630.2788817065956, - -530.2348405995282, - -503.6092738056017, - -530.2348405995278, - -630.278881706596, - -852.01166115075, - -1086.3390854047298, - 1164.7342228010882, + 1164.728759816496, + -1086.33913488952, + -852.011530831563, + -630.2788574621494, + -530.2348783182474, + -503.6093431398795, + -530.2348216866044, + -630.2787158360445, + -852.0112830739422, + -1086.3393485949998, + 1164.713130628102, 5000, 5000, 5000, 5000, 5000, 5000, - 459.2912703537764, - -929.3683584489854, - -771.4359354763873, - -797.6929197116519, - -848.4720821712807, - -1033.849413673926, - 1914.5448072492497, + 459.29062175666246, + -929.3682991830234, + -771.4358785947232, + -797.6928927231447, + -848.4720390934264, + -1033.8492277004561, + 1914.548865168639, 5000, 5000, 5000, @@ -25864,15 +26116,15 @@ 5000, 5000, 5000, - 82.48615724419042, - -1095.667543951221, - -836.3602472672945, - -691.3474039416235, - -652.8322049887787, - -691.3474039416229, - -836.3602472672942, - -1095.6675439512208, - 82.48615724419086, + 82.4831503289182, + -1095.6674062594154, + -836.3600684569366, + -691.347309509389, + -652.8321526023134, + -691.3472267669382, + -836.3598591193798, + -1095.6672672477448, + 82.47265814892157, 5000, 5000, 5000, @@ -25880,13 +26132,13 @@ 5000, 5000, 5000, - 1914.54480724925, - -1033.849413673925, - -848.4720821712807, - -820.4992112855526, - -880.4820301011953, - -1084.5200791988063, - 355.8409854510309, + 1914.5485675061577, + -1033.8492612617204, + -848.4719542377021, + -820.4992706457667, + -880.4820903982504, + -1084.5199961776634, + 355.84123515192823, 5000, 5000, 5000, @@ -25895,13 +26147,13 @@ 5000, 5000, 5000, - -967.9506511153473, - -1016.5761706489805, - -828.1435746977581, - -776.9814527837618, - -828.1435746977583, - -1016.5761706489802, - -967.9506511153468, + -967.9504575432397, + -1016.5763343753401, + -828.143721232239, + -776.9816180714466, + -828.1436104238215, + -1016.5760895541928, + -967.951710090702, 5000, 5000, 5000, @@ -25910,13 +26162,13 @@ 5000, 5000, 5000, - 355.84098545103024, - -1084.5200791988068, - -880.4820301011953, - -768.2317830089249, - -820.2807405756505, - -1009.0955313883542, - -940.1565487694945, + 355.8409709873129, + -1084.520048610722, + -880.4820075420698, + -768.231685792468, + -820.2806407201554, + -1009.0953032982751, + -940.1566362224992, 5000, 5000, 5000, @@ -25925,13 +26177,13 @@ 5000, 5000, 5000, - 303.1079495852917, - -1083.164656520521, - -877.0598804612328, - -818.1335717666535, - -877.0598804612328, - -1083.1646565205206, - 303.1079495852924, + 303.10910645022886, + -1083.1646423591715, + -877.059867409919, + -818.1335822762901, + -877.0597379457357, + -1083.1644643094141, + 303.1018703666745, 5000, 5000, 5000, @@ -25940,14 +26192,14 @@ 5000, 5000, 5000, - -940.1565487694946, - -1009.0955313883544, - -820.2807405756508, - -636.6040886400642, - -675.7419571478209, - -824.0308495025056, - -1084.408756510508, - 166.82025298014983, + -940.1567412467914, + -1009.0953663316258, + -820.2805749379147, + -636.6038857535417, + -675.7417643844041, + -824.0305940117485, + -1084.408604634388, + 166.81903501846253, 5000, 5000, 5000, @@ -25955,13 +26207,13 @@ 5000, 5000, 5000, - 1920.478735328618, - -1027.5374840007814, - -841.7783859856766, - -791.8291517267965, - -841.7783859856762, - -1027.537484000782, - 1920.4787353286174, + 1920.4841848144163, + -1027.5374123335937, + -841.77836618893, + -791.8291255290168, + -841.7782364138832, + -1027.537325589364, + 1920.4687522772235, 5000, 5000, 5000, @@ -25969,345 +26221,345 @@ 5000, 5000, 5000, - 166.82025298014918, - -1084.4087565105078, - -824.0308495025059, - -675.7419571478208, - -487.81039294923835, - -515.607982156051, - -618.7502935751338, - -845.2369312311705, - -1082.7410376102034, - 1193.445709118105, + 166.82164752598993, + -1084.408687297609, + -824.0306572375002, + -675.7417205852523, + -487.8102508842784, + -515.6078517762099, + -618.7501370354122, + -845.2368392829501, + -1082.740902811624, + 1193.446983139624, 5000, 5000, 5000, 5000, 5000, 5000, - 523.802518863052, - -920.8665828615709, - -762.5696014118391, - -720.6091121234623, - -762.5696014118387, - -920.8665828615708, - 523.8025188630509, + 523.8088442472449, + -920.8665136686096, + -762.5695395857932, + -720.6090281198262, + -762.569426894554, + -920.8663724969845, + 523.801022764328, 5000, 5000, 5000, 5000, 5000, 5000, - 1193.4457091181052, - -1082.741037610203, - -845.23693123117, - -618.7502935751335, - -515.6079821560506, - -364.8730646930308, - -384.1979049705436, - -452.0839824615341, - -601.1322213402066, - -859.8071548037599, - -1087.5498417417705, - 155.2777986469413, + 1193.454879417516, + -1082.740830490966, + -845.2369277629907, + -618.7501914774297, + -515.6078249516752, + -364.8732364516553, + -384.1980817586833, + -452.0841395782629, + -601.1324334014092, + -859.8074016296142, + -1087.5497778854203, + 155.28258159357574, 5000, 5000, 5000, 5000, 5000, - -738.3080477705826, - -749.7410210177674, - -623.3279886983349, - -588.2376166646587, - -623.3279886983348, - -749.7410210177673, - -738.3080477705818, - 5000, - 5000, - 5000, - 5000, - 5000, - 155.2777986469408, - -1087.5498417417698, - -859.80715480376, - -601.1322213402061, - -452.083982461534, - -384.1979049705435, - -278.6072150294122, - -292.94194699068686, - -340.1421341779556, - -436.6211358813621, - -604.2132097341749, - -852.2316289703591, - -1094.3819852490346, - -939.5940280293976, - 424.684113918043, - 2101.6632235843435, - 578.7291338214708, - -739.3276758854089, - -736.2416944217107, - -561.8072531402986, - -468.58287552923537, - -442.95615171152815, - -468.58287552923525, - -561.8072531402987, - -736.241694421711, - -739.3276758854084, - 578.7291338214703, - 2101.663223584344, - 424.68411391804295, - -939.5940280293974, - -1094.3819852490344, - -852.2316289703591, - -604.2132097341753, - -436.62113588136225, - -340.1421341779559, - -292.9419469906866, - -224.15985562405464, - -234.9971727492895, - -272.2932844278694, - -342.38121686464996, - -457.1958661127365, - -628.0440734817909, - -835.9463555325134, - -1019.0474069020777, - -1088.4267207825048, - -1033.2056882164725, - -928.3863083167942, - -758.2786961128136, - -566.3399980162962, - -429.4788368082209, - -357.2378679585373, - -336.13988396824635, - -357.23786795853727, - -429.4788368082208, - -566.3399980162962, - -758.2786961128132, - -928.386308316794, - -1033.205688216473, - -1088.4267207825037, - -1019.0474069020772, - -835.9463555325133, - -628.0440734817905, - -457.1958661127361, - -342.3812168646502, - -272.2932844278692, - -234.99717274928955, - -194.478979631979, - -204.17222948345903, - -236.55864518523975, - -296.5819813353929, - -389.8609790348369, - -524.4495379530703, - -686.1179368024971, - -827.6149423825425, - -882.579031855427, - -849.0048644010699, - -770.2463041741322, - -632.6043162846292, - -475.7615434174, - -360.33509333901907, - -298.4298503498756, - -279.95154835129455, - -298.4298503498757, - -360.33509333901924, - -475.76154341739993, - -632.6043162846295, - -770.2463041741327, - -849.00486440107, - -882.5790318554266, - -827.6149423825424, - -686.1179368024971, - -524.4495379530704, - -389.8609790348366, - -296.58198133539287, - -236.55864518523967, - -204.17222948345906, - -163.50587863907097, - -171.90234232892232, - -195.46959070010496, - -236.06213594286433, - -296.9128768761658, - -374.2170345634867, - -463.5971169110756, - -548.4382677440916, - -598.4809058689465, - -593.0066569379084, - -532.7817321227282, - -439.7910629698621, - -349.12345421132335, - -281.4731523898378, - -241.0955536570566, - -228.16732236634388, - -241.09555365705646, - -281.4731523898379, - -349.12345421132324, - -439.79106296986185, - -532.7817321227279, - -593.0066569379082, - -598.4809058689467, - -548.4382677440913, - -463.59711691107543, - -374.2170345634864, - -296.9128768761657, - -236.06213594286433, - -195.46959070010507, - -171.9023423289223, - -172.46779403692375, - -179.91045235557374, - -205.2998972708082, - -250.55352890411555, - -317.6104712749492, - -405.8016981562746, - -509.80167735317525, - -608.6287004454272, - -668.4057474746149, - -661.7025794507524, - -590.1355085692447, - -482.50203424420386, - -377.1487702087121, - -299.98977656285984, - -255.9148614876198, - -242.04603720184275, - -255.9148614876198, - -299.9897765628595, - -377.14877020871216, - -482.502034244204, - -590.1355085692445, - -661.7025794507522, - -668.4057474746145, - -608.6287004454268, - -509.8016773531754, - -405.8016981562745, - -317.6104712749494, - -250.55352890411547, - -205.2998972708081, - -179.91045235557365, - -196.3018778687938, - -205.7282527293155, - -237.2859202896231, - -296.60277009415387, - -389.22256751843173, - -521.6442855306213, - -681.8814070384303, - -821.704321763478, - -876.1237887327637, - -842.0205241242793, - -763.785249355735, - -628.9479362932359, - -474.6918398638241, - -362.0295327537213, - -301.3883057429539, - -283.0527443613101, - -301.3883057429539, - -362.0295327537211, - -474.69183986382404, - -628.9479362932359, - -763.785249355735, - -842.0205241242797, - -876.1237887327635, - -821.7043217634775, - -681.8814070384302, - -521.6442855306215, - -389.2225675184319, - -296.60277009415375, - -237.28592028962302, - -205.7282527293153, - -237.70230075785437, - -251.91539091692238, - -297.59132037738397, - -387.3295407950816, - -543.0939095558888, - -767.467733548065, - -940.9823861671199, - -457.99051342037933, - 1781.5076320263088, - 3924.7585095863105, - 1432.3873972815438, - -536.3416172295947, - -643.054221920983, - -476.64487362254437, - -380.03635112545254, - -352.545321950436, - -380.0363511254524, - -476.64487362254437, - -643.054221920983, - -536.341617229595, - 1432.3873972815443, - 3924.7585095863114, - 1781.507632026309, - -457.9905134203795, - -940.9823861671197, - -767.4677335480654, - -543.0939095558886, - -387.3295407950814, - -297.59132037738385, - -251.91539091692246, - -299.16171753315575, - -320.5160606827102, - -391.094247401411, - -544.3200304220607, - -809.3080983743697, - -1013.7802813466473, - 1062.6761715504285, - 5000, - 5000, - 5000, - 5000, - 5000, - -540.0198846856408, - -632.6847502296308, - -486.587507563201, - -443.4170428718428, - -486.5875075632009, - -632.6847502296303, - -540.0198846856405, + -738.307467856346, + -749.7414184103611, + -623.3283474269997, + -588.2379869081241, + -623.3282612926585, + -749.7412348950307, + -738.3082732514716, + 5000, + 5000, + 5000, + 5000, + 5000, + 155.28647615459195, + -1087.5496711037183, + -859.8075902902885, + -601.1325027136152, + -452.08418151093457, + -384.1980650867112, + -278.60731239290567, + -292.94204971062464, + -340.14223126773464, + -436.621289666963, + -604.2134428541767, + -852.2319619529699, + -1094.3823023090188, + -939.592411912522, + 424.6944670913747, + 2101.6886071552267, + 578.7431381101084, + -739.3263320555697, + -736.2420666663218, + -561.8075765170292, + -468.5831275359729, + -442.95639377559354, + -468.5830652711741, + -561.807431327508, + -736.2418828251555, + -739.3272388634865, + 578.7382042386184, + 2101.6890184432677, + 424.69791932630574, + -939.591721712155, + -1094.3824170200949, + -852.232202424147, + -604.2135823748082, + -436.62133828758806, + -340.14226294599166, + -292.94203832507844, + -224.15982647220014, + -234.99714254551188, + -272.29323181087994, + -342.38116444288204, + -457.19579162322924, + -628.0439629457736, + -835.9463028662428, + -1019.0473924645662, + -1088.4266420166427, + -1033.2055522865983, + -928.3863072714333, + -758.2787824765669, + -566.3400453112482, + -429.4788368025283, + -357.2378389176419, + -336.1398527515042, + -357.23779127418925, + -429.478729323568, + -566.3398696727431, + -758.2783678014071, + -928.3860360211721, + -1033.205421698694, + -1088.4266241442635, + -1019.0475188131551, + -835.9465017264539, + -628.0441400435458, + -457.1958906120687, + -342.3812010474189, + -272.2932571332833, + -234.99713368214776, + -194.47895450340815, + -204.17220396133308, + -236.55860316216084, + -296.5819438815492, + -389.86093332052263, + -524.4494777433288, + -686.1179330493335, + -827.6149506491186, + -882.5789488308293, + -849.004756643006, + -770.246345402627, + -632.6044257521, + -475.7616039437761, + -360.33510484893105, + -298.42983095210997, + -279.9515258762438, + -298.4297896105738, + -360.3350134802545, + -475.7614577997677, + -632.60408506482, + -770.2461225390954, + -849.0046693615456, + -882.5789472869916, + -827.615051649559, + -686.1180930815434, + -524.4496218353878, + -389.8610156321814, + -296.5819756210747, + -236.5586253467807, + -204.1721964215446, + -163.50584257262284, + -171.90230400368512, + -195.46953527501174, + -236.06207455443428, + -296.91279385423485, + -374.21691959047257, + -463.59700097491105, + -548.4381494889851, + -598.4807704966915, + -593.0065445014276, + -532.7816768104057, + -439.79102523534755, + -349.12341664379807, + -281.4731149228734, + -241.09551032090366, + -228.16728166107202, + -241.09548278449702, + -281.4730586309738, + -349.12333238218434, + -439.7908199552965, + -532.7815014038674, + -593.0064877621807, + -598.4808067481042, + -548.4382193233073, + -463.59709230898494, + -374.21700208864684, + -296.9128455556398, + -236.06209701237304, + -195.46955234674653, + -171.90229837864726, + -172.46775883219615, + -179.9104160963709, + -205.29984541289994, + -250.55347428877872, + -317.61039618146077, + -405.8015865104342, + -509.8015585748055, + -608.6285657563267, + -668.4055764869587, + -661.702425988423, + -590.1354218454042, + -482.50197640340406, + -377.14872269594355, + -299.98973570516443, + -255.91481729365452, + -242.0459962385415, + -255.91478705660694, + -299.98967271722313, + -377.14862637291156, + -482.5017374410161, + -590.1352158726129, + -661.7023589368083, + -668.40562000786, + -608.6286479782171, + -509.8016641135776, + -405.80168057909566, + -317.6104537111872, + -250.5534986593441, + -205.29986357561174, + -179.91041001718781, + -196.3018635188823, + -205.72823874996052, + -237.28589193376962, + -296.60274777509375, + -389.2225326727267, + -521.6442174554796, + -681.8813589855102, + -821.7042994787636, + -876.1238160452892, + -842.0206010667883, + -763.7852965122836, + -628.9479387292806, + -474.6918334686165, + -362.0295322062436, + -301.38830335072515, + -283.0527473388665, + -301.3882627789688, + -362.02944263536006, + -474.6916904249034, + -628.9476054065362, + -763.785078068616, + -842.020512553752, + -876.1238129197753, + -821.704398742738, + -681.8815160516068, + -521.6443588684585, + -389.222613697928, + -296.60277911860385, + -237.28591401714968, + -205.72823120900526, + -237.7022542392622, + -251.91534410185378, + -297.59124789889364, + -387.329466700634, + -543.0937959690392, + -767.4675470464681, + -940.9822930701204, + -457.9907903466819, + 1781.504505202711, + 3924.7541745924837, + 1432.386965544346, + -536.341609169614, + -643.0541786184318, + -476.64483675080544, + -380.03631572868414, + -352.5452953046163, + -380.03625293228635, + -476.6446911788617, + -643.0540199720656, + -536.3431085171869, + 1432.3796150352869, + 3924.7539385447303, + 1781.5096274978093, + -457.9894216643294, + -940.9822690792522, + -767.4677684444963, + -543.0939301103119, + -387.3295131993777, + -297.5912772398009, + -251.91533324712634, + -299.1616255720045, + -320.51597162748794, + -391.09412675909425, + -544.3199136892773, + -809.307926591868, + -1013.7802061849663, + 1062.6751735609566, + 5000, + 5000, + 5000, + 5000, + 5000, + -540.0197255968247, + -632.6846840601436, + -486.58745276469176, + -443.4170053504378, + -486.58735506830743, + -632.6844856076226, + -540.0209357871656, 5000, 5000, 5000, 5000, 5000, - 1062.6761715504283, - -1013.7802813466479, - -809.3080983743697, - -544.3200304220605, - -391.09424740141077, - -320.51606068271, - -377.5819433249768, - -409.22123575304107, - -525.1919222204613, - -770.3126112815548, - -1016.7539032098206, - 1281.9298818439586, + 1062.682195584697, + -1013.7800028075648, + -809.3081283032022, + -544.3199855497056, + -391.09416748371865, + -320.51595418528404, + -377.5817834923645, + -409.2210808539192, + -525.1917088448229, + -770.3123858428704, + -1016.7537525073897, + 1281.9252613834017, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0933105898368, - -769.1423746307611, - -594.7635279210882, - -535.8476000411608, - -594.7635279210882, - -769.1423746307613, - 1408.093310589836, + 1408.0944990127757, + -769.1422958370315, + -594.7634344208973, + -535.8475264325544, + -594.7632989922597, + -769.1421704618458, + 1408.083084772155, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.929881843959, - -1016.7539032098206, - -770.3126112815545, - -525.1919222204609, - -409.22123575304084, - -466.8175319713482, - -514.1321010790352, - -685.7658972863014, - -945.2038552539433, - 1048.4796687076453, + 1281.933091046009, + -1016.7537307253025, + -770.3124839520259, + -525.1917635387872, + -409.22105130155404, + -466.8172934344162, + -514.131884909254, + -685.7656358346519, + -945.2036325903988, + 1048.4797650352452, 5000, 5000, 5000, @@ -26315,13 +26567,13 @@ 5000, 5000, 5000, - 3878.2373493802666, - -846.6678419167556, - -665.3553895152694, - -594.3357411391706, - -665.3553895152688, - -846.6678419167556, - 3878.2373493802656, + 3878.240653036962, + -846.6676848186133, + -665.3552058155349, + -594.3355790475825, + -665.3550464887932, + -846.6676768605879, + 3878.216188401217, 5000, 5000, 5000, @@ -26329,14 +26581,14 @@ 5000, 5000, 5000, - 1048.4796687076453, - -945.2038552539433, - -685.7658972863018, - -514.1321010790347, - -550.5261657785658, - -612.8659622291669, - -826.3410534290297, - -454.94706185258417, + 1048.4827457974204, + -945.2037288636577, + -685.7657014334579, + -514.1318364736279, + -550.5257771222962, + -612.865615911823, + -826.3406618050532, + -454.94616212701334, 5000, 5000, 5000, @@ -26345,13 +26597,13 @@ 5000, 5000, 5000, - 1798.8540793655586, - -878.4711125082249, - -669.8345233686889, - -597.5547402523459, - -669.8345233686888, - -878.4711125082247, - 1798.854079365559, + 1798.8549232688408, + -878.4709252271305, + -669.8342824828144, + -597.5545148832759, + -669.8341221056155, + -878.470804930151, + 1798.8413793026416, 5000, 5000, 5000, @@ -26360,13 +26612,13 @@ 5000, 5000, 5000, - -454.94706185258406, - -826.3410534290292, - -612.8659622291667, - -599.0335904660682, - -671.0570366846082, - -879.4068567924919, - 1803.4779480254374, + -454.9462245635578, + -826.3407294517065, + -612.8655447166958, + -599.0335057120216, + -671.0569800083139, + -879.4066973582627, + 1803.4791059262095, 5000, 5000, 5000, @@ -26375,13 +26627,13 @@ 5000, 5000, 5000, - -441.3295427878334, - -822.4658053337831, - -607.8146219264164, - -545.6640611144622, - -607.8146219264166, - -822.4658053337831, - -441.3295427878339, + -441.3297119498884, + -822.4658708032506, + -607.8146881969337, + -545.6641605459378, + -607.8145509410512, + -822.4656144809649, + -441.3326066381717, 5000, 5000, 5000, @@ -26390,13 +26642,13 @@ 5000, 5000, 5000, - 1803.4779480254376, - -879.406856792492, - -671.0570366846081, - -590.9990230094813, - -662.1399955273824, - -843.6564156884695, - 3902.937096460468, + 1803.479045186496, + -879.406757072196, + -671.0568909570958, + -590.9988233256778, + -662.1398374512027, + -843.6561672882939, + 3902.942991757346, 5000, 5000, 5000, @@ -26404,15 +26656,15 @@ 5000, 5000, 5000, - 1105.6716358029212, - -940.1622196549392, - -681.3740672167454, - -508.09827264943834, - -460.20622635454936, - -508.09827264943857, - -681.374067216745, - -940.1622196549389, - 1105.671635802921, + 1105.673239569622, + -940.1622343239361, + -681.374034743634, + -508.0982410512847, + -460.2062205658947, + -508.09814017326926, + -681.3737924068932, + -940.1622359640411, + 1105.6568452917463, 5000, 5000, 5000, @@ -26420,343 +26672,343 @@ 5000, 5000, 5000, - 3902.937096460467, - -843.6564156884692, - -662.1399955273828, - -528.7848224259319, - -588.4102855798557, - -764.857572884514, - 1399.8164718131598, + 3902.942916810295, + -843.6562126826308, + -662.1397435993653, + -528.7845939925153, + -588.4101033585154, + -764.8573282735163, + 1399.8204020095409, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9816758917684, - -1017.3719667064511, - -768.335965302995, - -520.7417568739971, - -403.55438912694746, - -371.2686987349471, - -403.55438912694746, - -520.7417568739967, - -768.3359653029951, - -1017.371966706451, - 1239.9816758917686, + 1239.9877160673575, + -1017.3717632196377, + -768.33598672801, + -520.7417423790853, + -403.55435239974173, + -371.26867505014724, + -403.55428603431346, + -520.7415792955346, + -768.3357117458561, + -1017.3719915620613, + 1239.9726694294386, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.8164718131593, - -764.8575728845144, - -588.4102855798554, - -436.09402348017005, - -480.38068186699854, - -628.4379714222213, - -542.2420289354058, + 1399.8203475097457, + -764.857358734942, + -588.410019945481, + -436.0938095871365, + -480.3804938044871, + -628.4377284468735, + -542.2418710798128, 5000, 5000, 5000, 5000, 5000, - 1092.90456075802, - -1019.9046145044028, - -811.0033754803087, - -543.1896211626367, - -387.85887507360326, - -316.050836456185, - -294.45366656168056, - -316.05083645618487, - -387.8588750736032, - -543.1896211626367, - -811.0033754803086, - -1019.904614504403, - 1092.90456075802, - 5000, - 5000, - 5000, - 5000, - 5000, - -542.2420289354058, - -628.4379714222214, - -480.3806818669985, - -346.246009631272, - -375.11594583518666, - -473.9502242603411, - -643.4526546157197, - -545.6360363373896, - 1377.9235288646805, - 3864.3249228591812, - 1825.507645572605, - -437.29696333509224, - -944.5605104852679, - -771.8460053921377, - -544.3087138179905, - -386.4661929380366, - -295.60487686737184, - -249.5617227194193, - -234.47503666407118, - -249.56172271941932, - -295.60487686737184, - -386.4661929380368, - -544.3087138179906, - -771.8460053921376, - -944.5605104852676, - -437.2969633350921, - 1825.5076455726048, - 3864.3249228591826, - 1377.9235288646805, - -545.6360363373896, - -643.4526546157194, - -473.9502242603414, - -375.11594583518684, - -279.95155715540415, - -298.4298592644183, - -360.33510282194624, - -475.76155418531164, - -632.6043265527609, - -770.246303003606, - -849.004841580151, - -882.5790049320091, - -827.6149276851826, - -686.1179273899182, - -524.4495284037357, - -389.8609701556145, - -296.58197394376305, - -236.55863901821738, - -204.17222399600655, - -194.47897429906985, - -204.17222399600647, - -236.55863901821746, - -296.5819739437632, - -389.8609701556148, - -524.4495284037354, - -686.1179273899177, - -827.6149276851826, - -882.5790049320095, - -849.004841580151, - -770.246303003606, - -632.6043265527607, - -475.76155418531147, - -360.3351028219461, - -298.4298592644183, - -240.15762036805958, - -254.74040827545332, - -299.6001261310796, - -378.0155008021963, - -484.4044949320506, - -593.5088736982733, - -666.2379767333525, - -672.7497282000745, - -612.2788135541989, - -512.4273016598063, - -407.00387531754654, - -318.50517536414424, - -250.9358294320349, - -204.6357376675362, - -179.17805026673213, - -171.34003056492418, - -179.17805026673213, - -204.63573766753615, - -250.93582943203512, - -318.505175364144, - -407.0038753175465, - -512.4273016598064, - -612.2788135541991, - -672.7497282000741, - -666.2379767333526, - -593.5088736982732, - -484.40449493205074, - -378.01550080219613, - -299.60012613107955, - -254.74040827545335, - -228.1673235089142, - -241.0955546767777, - -281.47315306336077, - -349.1234541606737, - -439.7910616642026, - -532.7817289715638, - -593.006651523301, - -598.4808985684886, - -548.4382598152271, - -463.59710984981746, - -374.2170292246246, - -296.9128733420587, - -236.06213375762516, - -195.46958936922422, - -171.9023413973872, - -163.5058778274877, - -171.90234139738712, - -195.46958936922425, - -236.06213375762505, - -296.9128733420589, - -374.2170292246248, - -463.5971098498171, - -548.4382598152267, - -598.4808985684884, - -593.0066515233007, - -532.7817289715639, - -439.79106166420246, - -349.1234541606736, - -281.47315306336094, - -241.09555467677765, - -242.04603565186287, - -255.91485947305216, - -299.9897729677446, - -377.1487636139365, - -482.50202319032724, - -590.1354925813482, - -661.7025599598504, - -668.4057272985269, - -608.628682750284, - -509.8016639860932, - -405.80168923488026, - -317.6104658130988, - -250.55352574611604, - -205.29989546466552, - -179.91045123975752, - -172.46779313185445, - -179.91045123975746, - -205.2998954646656, - -250.55352574611595, - -317.61046581309864, - -405.80168923488037, - -509.8016639860932, - -608.6286827502842, - -668.4057272985265, - -661.7025599598499, - -590.1354925813478, - -482.50202319032695, - -377.14876361393664, - -299.9897729677445, - -255.91485947305225, - -283.05274375716186, - -301.3883052328951, - -362.0295325312901, - -474.69184006543435, - -628.9479370353145, - -763.7852505823656, - -842.0205257259508, - -876.1237903796496, - -821.7043231505024, - -681.8814080128423, - -521.644286067677, - -389.22256773663804, - -296.6027700681437, - -237.2859201472715, - -205.7282525114623, - -196.30187764132268, - -205.72825251146236, - -237.2859201472713, - -296.6027700681437, - -389.2225677366381, - -521.6442860676771, - -681.8814080128416, - -821.7043231505024, - -876.1237903796497, - -842.0205257259514, - -763.7852505823663, - -628.9479370353145, - -474.69184006543475, - -362.0295325312901, - -301.38830523289505, - -352.54532215699913, - -380.0363512571431, - -476.6448736765286, - -643.054221751014, - -536.3416168306097, - 1432.387397984378, - 3924.7585106219803, - 1781.507633324753, - -457.99051205444545, - -940.9823849945604, - -767.4677326456202, - -543.0939090112514, - -387.32954050817165, - -297.59132026142515, - -251.915390885913, - -237.70230075239562, - -251.91539088591304, - -297.5913202614252, - -387.32954050817165, - -543.0939090112513, - -767.4677326456198, - -940.982384994561, - -457.99051205444516, - 1781.5076333247503, - 3924.7585106219744, - 1432.3873979843784, - -536.3416168306095, - -643.0542217510142, - -476.6448736765287, - -380.03635125714334, - -443.4170428774588, - -486.5875075496619, - -632.6847501705358, - -540.0198845267788, - 5000, - 5000, - 5000, - 5000, - 5000, - 1062.6761724655682, - -1013.7802805364319, - -809.3080977260712, - -544.3200299396755, - -391.09424706852707, - -320.51606044827054, - -299.1617173238505, - -320.51606044827076, - -391.09424706852724, - -544.3200299396755, - -809.3080977260717, - -1013.7802805364315, - 1062.6761724655687, + 1092.9029538551674, + -1019.904445762052, + -811.0032996069127, + -543.1895295106867, + -387.85879656950306, + -316.05075908396293, + -294.45360314982264, + -316.0507178242985, + -387.85870025882554, + -543.1893517646344, + -811.0027102919098, + -1019.9046796333392, + 1092.8953909660204, + 5000, + 5000, + 5000, + 5000, + 5000, + -542.2419003052358, + -628.4377481799221, + -480.3804307775221, + -346.24584441614707, + -375.1157991632948, + -473.95004402286037, + -643.4524938534086, + -545.6360679322777, + 1377.921579628943, + 3864.321696172968, + 1825.5061361142416, + -437.2966001885477, + -944.5603486459574, + -771.8459793234039, + -544.3086900000071, + -386.46613871587755, + -295.60481855007, + -249.56165838198552, + -234.47498067484162, + -249.56163232579541, + -295.6047621316511, + -386.46604029927715, + -544.3083249565791, + -771.8455379945192, + -944.5603329463935, + -437.29800682596397, + 1825.5044271095996, + 3864.321791089581, + 1377.923343766907, + -545.6359165798264, + -643.4525102178986, + -473.9500575139367, + -375.1157564947647, + -279.9514514547711, + -298.42976653369584, + -360.33499181210846, + -475.7614673523354, + -632.6042212110418, + -770.2461716526534, + -849.0047028762169, + -882.5788871971098, + -827.614890870009, + -686.1179158078735, + -524.4495708551173, + -389.8609888823691, + -296.5819611157702, + -236.5586159228668, + -204.1721922214264, + -194.4789477479553, + -204.17217434687024, + -236.55857958701216, + -296.5819025000706, + -389.860778411055, + -524.4492976844921, + -686.1177257354736, + -827.61477748619, + -882.5789010380278, + -849.0047548993583, + -770.246244108242, + -632.604282413097, + -475.7614788731686, + -360.33500238597856, + -298.4297378137576, + -240.15758076549744, + -254.74037727270542, + -299.6000801621592, + -378.01547348515265, + -484.40446515703894, + -593.5088476871722, + -666.2379752077992, + -672.749730419698, + -612.2788415563853, + -512.4273166027104, + -407.0039136738456, + -318.50519288936687, + -250.93582376615734, + -204.6357239435498, + -179.17802899803343, + -171.34001360922045, + -179.17801484910441, + -204.63569659269086, + -250.93578156215077, + -318.5050485921761, + -407.0037337567182, + -512.427190172848, + -612.2787485786251, + -672.749722246579, + -666.2380116619787, + -593.5089105181634, + -484.40450979896997, + -378.01548339043177, + -299.6000894175418, + -254.7403553924232, + -228.1672877023342, + -241.09552704357102, + -281.4731117719775, + -349.1234317057137, + -439.791044231302, + -532.7817249179238, + -593.0066758462297, + -598.4809292426496, + -548.4383081212078, + -463.59713794158716, + -374.2170673252621, + -296.91288653761615, + -236.0621239296449, + -195.46957151416208, + -171.90231685525856, + -163.50585759743694, + -171.90230381514587, + -195.46954673868441, + -236.06208632793613, + -296.9127597739389, + -374.2169117281711, + -463.59703027624334, + -548.4382299521991, + -598.4809223162578, + -593.0067067609207, + -532.7817778555593, + -439.7910831848915, + -349.12344124496826, + -281.47312084047945, + -241.0955072221106, + -242.0459909934246, + -255.91482221416325, + -299.9897171644642, + -377.1487190971238, + -482.5019658118476, + -590.1354301378716, + -661.7025161224896, + -668.4056871923616, + -608.6286738918228, + -509.801648184329, + -405.8017011469076, + -317.61046157951637, + -250.55350296292005, + -205.29986750448066, + -179.91041784760827, + -172.46776464227972, + -179.91040381763423, + -205.2998404302904, + -250.55346120560796, + -317.610318673277, + -405.8015230277389, + -509.8015233255944, + -608.6285822339646, + -668.405679243455, + -661.7025521203412, + -590.1354918319373, + -482.50200971989875, + -377.1487287602662, + -299.9897263567039, + -255.91480065147243, + -283.05271040547285, + -301.3882837849942, + -362.02949421959954, + -474.6918353410136, + -628.947928268093, + -763.7851963499719, + -842.0203858715548, + -876.1236568905058, + -821.704335298018, + -681.8814602908332, + -521.6443659646346, + -389.2226026603513, + -296.60276595865247, + -237.2859049074676, + -205.72822932338383, + -196.30185996038443, + -205.72821171621976, + -237.28586909950477, + -296.6027082368096, + -389.22239533392866, + -521.644096898359, + -681.8812728766293, + -821.7042231550621, + -876.1236709106147, + -842.0204376114542, + -763.7852668437254, + -628.9479879486834, + -474.6918464288606, + -362.029504667467, + -301.38825538594165, + -352.5452187359358, + -380.0362671438573, + -476.6447634213642, + -643.0541386523229, + -536.341616807625, + 1432.3864243850917, + 3924.7605525575686, + 1781.5132787612092, + -457.98770701848514, + -940.981959435069, + -767.4677194013717, + -543.0938923251564, + -387.3294871684933, + -297.59126300522723, + -251.91532927831864, + -237.70224787057458, + -251.91530368873205, + -297.59120741785017, + -387.32939019464516, + -543.0935321480584, + -767.4672834151276, + -940.9819368036538, + -457.98906736039635, + 1781.5115522409517, + 3924.760592688819, + 1432.3882274749772, + -536.3414597919332, + -643.05415451805, + -476.64477678544944, + -380.03622486498114, + -443.4168288573205, + -486.587322904484, + -632.684523143573, + -540.0197451052036, + 5000, + 5000, + 5000, + 5000, + 5000, + 1062.6798588992415, + -1013.7799797009333, + -809.3079633636415, + -544.3198755879829, + -391.09410970657507, + -320.5159267899167, + -299.1615979583733, + -320.51588616925756, + -391.0940147602705, + -544.3197001271612, + -809.307382050108, + -1013.7802262676097, + 1062.672423591232, 5000, 5000, 5000, 5000, 5000, - -540.0198845267785, - -632.6847501705358, - -486.58750754966195, - -535.8475998009434, - -594.7635276801769, - -769.1423744149846, - 1408.0933107841374, + -540.0197739156173, + -632.6845425852044, + -486.5872603179117, + -535.8475670088172, + -594.7635067153991, + -769.1422289573658, + 1408.093498277499, 5000, 5000, 5000, 5000, 5000, 5000, - 1281.9298820323759, - -1016.7539030237458, - -770.3126111256928, - -525.1919220700421, - -409.22123559239014, - -377.58194316648746, - -409.22123559239014, - -525.1919220700416, - -770.3126111256928, - -1016.7539030237454, - 1281.9298820323754, + 1281.9260450992367, + -1016.75387392762, + -770.3123576592893, + -525.1917709199669, + -409.22114041401113, + -377.5818814540074, + -409.221074856386, + -525.1916097661181, + -770.3120850610625, + -1016.7541086377626, + 1281.9106320031865, 5000, 5000, 5000, 5000, 5000, 5000, - 1408.0933107841365, - -769.142374414985, - -594.7635276801767, - -594.3357413407382, - -665.3553896954166, - -846.667842181805, - 3878.23734909731, + 1408.0934434555313, + -769.142259205392, + -594.7634237096751, + -594.3356299683413, + -665.3552988535633, + -846.6676114103152, + 3878.2416537357644, 5000, 5000, 5000, @@ -26764,15 +27016,15 @@ 5000, 5000, 5000, - 1048.4796683418485, - -945.2038555654241, - -685.7658976360747, - -514.132101405551, - -466.8175323125233, - -514.1321014055512, - -685.7658976360748, - -945.2038555654244, - 1048.4796683418488, + 1048.4738185047443, + -945.2037945895172, + -685.7656524804062, + -514.1319353257458, + -466.817413647392, + -514.1318354532494, + -685.7654120326401, + -945.2037873443068, + 1048.4577503143291, 5000, 5000, 5000, @@ -26780,13 +27032,13 @@ 5000, 5000, 5000, - 3878.2373490973087, - -846.6678421818048, - -665.355389695417, - -597.5547401575254, - -669.8345232392039, - -878.471112377978, - 1798.8540795459805, + 3878.2415789441065, + -846.6676567441452, + -665.3552052501095, + -597.5545883322062, + -669.8343934287822, + -878.4709062059189, + 1798.851905556644, 5000, 5000, 5000, @@ -26795,13 +27047,13 @@ 5000, 5000, 5000, - -454.94706160123536, - -826.3410532041121, - -612.8659620016326, - -550.526165578301, - -612.8659620016329, - -826.3410532041121, - -454.9470616012354, + -454.9464540956125, + -826.34099591737, + -612.8658910486168, + -550.5261160966575, + -612.865754690845, + -826.3407401924313, + -454.9493012800194, 5000, 5000, 5000, @@ -26810,13 +27062,13 @@ 5000, 5000, 5000, - 1798.85407954598, - -878.471112377978, - -669.8345232392045, - -545.6640610973009, - -607.8146219156657, - -822.465805312492, - -441.32954277334505, + 1798.8518467352565, + -878.47096600867, + -669.8343044381386, + -545.6638931651543, + -607.8144654958799, + -822.46555198212, + -441.33087568431847, 5000, 5000, 5000, @@ -26825,13 +27077,13 @@ 5000, 5000, 5000, - 1803.4779480349184, - -879.4068567793033, - -671.0570366861932, - -599.0335904547488, - -671.057036686193, - -879.4068567793034, - 1803.4779480349184, + 1803.4779519158606, + -879.4067863892, + -671.0569325540695, + -599.03350982251, + -671.0567725636793, + -879.4066665118334, + 1803.4643692359095, 5000, 5000, 5000, @@ -26840,14 +27092,14 @@ 5000, 5000, 5000, - -441.329542773345, - -822.465805312491, - -607.8146219156656, - -460.2062261598349, - -508.09827244400174, - -681.3740670067735, - -940.1622194461144, - 1105.6716360381668, + -441.3309379452844, + -822.465619862832, + -607.8143941572429, + -460.2060527669876, + -508.098108847852, + -681.3738233879568, + -940.1622254985072, + 1105.6656804211839, 5000, 5000, 5000, @@ -26855,13 +27107,13 @@ 5000, 5000, 5000, - 3902.9370964564055, - -843.6564156703263, - -662.1399954873212, - -590.9990229147018, - -662.1399954873211, - -843.6564156703262, - 3902.937096456404, + 3902.9388075519046, + -843.6562791629771, + -662.1398005909182, + -590.9988411384832, + -662.1396407915589, + -843.6562720352538, + 3902.914230921333, 5000, 5000, 5000, @@ -26869,160 +27121,160 @@ 5000, 5000, 5000, - 1105.6716360381668, - -940.162219446114, - -681.3740670067732, - -508.0982724440019, - -371.26869845350717, - -403.5543888206307, - -520.7417564772452, - -768.335964802213, - -1017.371966037334, - 1239.9816767545979, + 1105.6686681561011, + -940.162323046737, + -681.3738892800069, + -508.0980601212121, + -371.26858258578085, + -403.55428186130126, + -520.7416073669804, + -768.3358616431132, + -1017.3720644590294, + 1239.9793160405595, 5000, 5000, 5000, 5000, 5000, 5000, - 1399.816472645852, - -764.8575722218126, - -588.4102850281788, - -528.7848218938101, - -588.410285028179, - -764.8575722218123, - 1399.816472645851, + 1399.8209173663558, + -764.8574504641809, + -588.4101054280356, + -528.784634356674, + -588.4099688892069, + -764.8573232300125, + 1399.8095787223015, 5000, 5000, 5000, 5000, 5000, 5000, - 1239.9816767545974, - -1017.3719660373334, - -768.3359648022126, - -520.7417564772453, - -403.5543888206307, - -294.45366662459304, - -316.0508365004683, - -387.85887511894845, - -543.189621170091, - -811.0033755135182, - -1019.9046145502344, - 1092.904560701774, + 1239.9869464591472, + -1017.3720515123457, + -768.3359608585358, + -520.7416622893966, + -403.5542519570114, + -294.4537196697554, + -316.05089593946684, + -387.8589182791759, + -543.1897172676261, + -811.0035121210176, + -1019.9045313554893, + 1092.910376881862, 5000, 5000, 5000, 5000, 5000, - -542.2420291648953, - -628.4379716609711, - -480.3806821113141, - -436.0940237489314, - -480.38068211131406, - -628.4379716609714, - -542.2420291648954, - 5000, - 5000, - 5000, - 5000, - 5000, - 1092.9045607017733, - -1019.9046145502346, - -811.0033755135195, - -543.1896211700911, - -387.85887511894833, - -316.05083650046845, - -234.4750360964143, - -249.56172209270733, - -295.6048760712106, - -386.4661918682874, - -544.3087124085054, - -771.8460036461045, - -944.5605085793943, - -437.29696144009546, - 1825.5076472327983, - 3864.324924162687, - 1377.9235298212561, - -545.6360356551202, - -643.4526540957523, - -473.95022383771993, - -375.11594547061407, - -346.24600927118877, - -375.11594547061424, - -473.9502238377199, - -643.4526540957523, - -545.6360356551204, - 1377.9235298212557, - 3864.3249241626863, - 1825.507647232798, - -437.2969614400959, - -944.5605085793947, - -771.8460036461053, - -544.3087124085052, - -386.46619186828747, - -295.60487607121036, - -249.56172209270738, - -194.47897368870065, - -204.17222328924575, - -236.55863799905813, - -296.5819723310325, - -389.8609675455294, - -524.4495243794413, - -686.1179215957632, - -827.6149200150929, - -882.5789958961158, - -849.004832324852, - -770.2462948752003, - -632.604320394575, - -475.7615499989492, - -360.33510001944495, - -298.4298572204249, - -279.95155534460446, - -298.42985722042454, - -360.33510001944495, - -475.76154999894936, - -632.6043203945748, - -770.2462948752002, - -849.004832324852, - -882.5789958961157, - -827.6149200150933, - -686.1179215957629, - -524.449524379441, - -389.86096754552943, - -296.5819723310326, - -236.5586379990581, - -204.1722232892459, - -171.34003018886912, - -179.1780498889251, - -204.63573724690465, - -250.93582891814242, - -318.50517478166495, - -407.0038746686678, - -512.427300962198, - -612.2788128878217, - -672.7497276524244, - -666.237976446647, - -593.508873723912, - -484.4044952518672, - -378.01550136787233, - -299.6001269098268, - -254.74040921085808, - -240.1576213824977, - -254.74040921085805, - -299.6001269098267, - -378.0155013678723, - -484.40449525186716, - -593.5088737239116, - -666.2379764466468, - -672.7497276524247, - -612.2788128878217, - -512.4273009621979, - -407.00387466866823, - -318.505174781665, - -250.9358289181422, - -204.63573724690457, - -179.17804988892516 + -542.2407832592347, + -628.4381761880902, + -480.3808344420379, + -436.0941700028131, + -480.38073534036874, + -628.4379745464331, + -542.2419741959474, + 5000, + 5000, + 5000, + 5000, + 5000, + 1092.917562749513, + -1019.9043322636386, + -811.0037169129089, + -543.1897898300969, + -387.8589591459292, + -316.05087822814363, + -234.47507044102275, + -249.56176177520382, + -295.6049124167057, + -386.46628156286306, + -544.3088759287762, + -771.8462518036004, + -944.5606016131838, + -437.2938955386742, + 1825.5235639263544, + 3864.3602005136636, + 1377.942391124532, + -545.6339738456873, + -643.4528654198675, + -473.9504128850139, + -375.11605321779587, + -346.24610323910747, + -375.1159891917308, + -473.9502645099279, + -643.4527018292254, + -545.6354338883516, + 1377.9351933005778, + 3864.3597966664515, + 1825.5286268820935, + -437.2924806464869, + -944.5605699094689, + -771.846476514849, + -544.3090120464244, + -386.46632852947744, + -295.60494183855275, + -249.56175064927152, + -194.47893590720622, + -204.17218329139044, + -236.55857526490024, + -296.58190034508783, + -389.86086122318835, + -524.4493607038365, + -686.1177710440788, + -827.6148251833652, + -882.5789882777414, + -849.0048557479961, + -770.24628965685, + -632.6042893111976, + -475.76150320914826, + -360.33504698752625, + -298.4297941363879, + -279.9514949321117, + -298.42975279486427, + -360.3349556188831, + -475.76135706519324, + -632.6039486239099, + -770.2460667929557, + -849.0047684663976, + -882.578986734184, + -827.6149261839314, + -686.1179310762682, + -524.449504795847, + -389.8609435348232, + -296.5819320846073, + -236.55859744951746, + -204.17217575160373, + -171.3399977208106, + -179.178015569126, + -204.63568577159126, + -250.93577345158477, + -318.50510025733956, + -407.0037722787367, + -512.4272116535307, + -612.278738248751, + -672.7496446985248, + -666.2379221183662, + -593.5088765615002, + -484.4044998909249, + -378.0154878762372, + -299.60010134446304, + -254.74037164284786, + -240.1575850351883, + -254.74034103103767, + -299.60003748773096, + -378.01539005082606, + -484.40425736070256, + -593.5086677156668, + -666.2378543836304, + -672.7496893244474, + -612.2788220882358, + -512.4273187163143, + -407.00386765332775, + -318.50515840288085, + -250.93579791592543, + -204.63570402760524, + -179.1780094423365 ], "colorbar": { "thickness": 20, @@ -27076,11 +27328,10 @@ "rgb(5,48,97)" ] ], - "opacity": 0.9, + "opacity": 0.3, "size": 6 }, "mode": "markers", - "scene": "scene", "showlegend": false, "type": "scatter3d", "x": [ @@ -108093,11 +108344,435 @@ { "hovertemplate": "Position: (%{x:.2f}, %{y:.2f}, %{z:.2f})", "marker": { - "color": "rgba(0, 0, 0, 0.5)", - "size": 6 + "color": [ + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(124.95, 128.01, 175.95)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)", + "rgb(255.0, 13.004999999999999, 13.004999999999999)", + "rgb(144.075, 144.075, 144.075)", + "rgb(255.0, 255.0, 255.0)" + ], + "size": 10 }, "mode": "markers", - "scene": "scene", "showlegend": false, "type": "scatter3d", "x": [ @@ -109381,41 +110056,10 @@ } ], "layout": { + "paper_bgcolor": "white", + "plot_bgcolor": "white", "scene": { - "aspectmode": "cube", - "bgcolor": "white", - "camera": { - "eye": { - "x": 1.5, - "y": 1.5, - "z": 1.5 - } - }, - "domain": { - "x": [ - 0, - 1 - ], - "y": [ - 0, - 1 - ] - }, - "xaxis": { - "title": { - "text": "X-axis" - } - }, - "yaxis": { - "title": { - "text": "Y-axis" - } - }, - "zaxis": { - "title": { - "text": "Z-axis" - } - } + "bgcolor": "rgba(0,0,0,0)" }, "template": { "data": { @@ -110239,9 +110883,9 @@ } }, "text/html": [ - "